Skip to content

Latest commit

 

History

History
 
 

python

page_type languages products description
sample
python
azure-machine-learning
Top-level directory for official Azure Machine Learning Python SDK v2 sample code.

Azure Machine Learning SDK (v2) examples

code style: black license: MIT

Prerequisites

  1. An Azure subscription. If you don't have an Azure subscription, create a free account before you begin.

Getting started

  1. Install the SDK v2
pip install azure-ai-ml

Clone examples repository

git clone https://github.com/Azure/azureml-examples
cd azureml-examples/sdk/python

Examples available

Test Status is for branch - main

Area Sub-Area Notebook Description Status
assets assets-in-registry share-models-components-environments no description share-models-components-environments
assets component component Create a component asset component
assets data data Read, write and register a data asset data
assets data working_with_mltable Read, write and register a data asset working_with_mltable
assets environment environment Create custom environments from docker and/or conda YAML environment
assets model model Create model from local files, cloud files, Runs model
data-wrangling interactive_data_wrangling.ipynb interactive_data_wrangling no description - This sample is excluded from automated tests interactive_data_wrangling
endpoints batch custom-output-batch no description custom-output-batch
endpoints batch imagenet-classifier-batch no description imagenet-classifier-batch
endpoints batch mlflow-for-batch-tabular no description mlflow-for-batch-tabular
endpoints batch mnist-batch Create and test batch endpoint and deployement mnist-batch
endpoints batch text-summarization-batch no description text-summarization-batch
endpoints online online-endpoints-custom-container-multimodel no description online-endpoints-custom-container-multimodel
endpoints online online-endpoints-custom-container Deploy a custom container as an online endpoint. Use web servers other than the default Python Flask server used by Azure ML without losing the benefits of Azure ML's built-in monitoring, scaling, alerting, and authentication. online-endpoints-custom-container
endpoints online online-endpoints-triton-cc Deploy a custom container as an online endpoint. Use web servers other than the default Python Flask server used by Azure ML without losing the benefits of Azure ML's built-in monitoring, scaling, alerting, and authentication. online-endpoints-triton-cc
endpoints online kubernetes-online-endpoints-safe-rollout Safely rollout a new version of a web service to production by rolling out the change to a small subset of users/requests before rolling it out completely kubernetes-online-endpoints-safe-rollout
endpoints online kubernetes-online-endpoints-simple-deployment Use an online endpoint to deploy your model, so you don't have to create and manage the underlying infrastructure kubernetes-online-endpoints-simple-deployment
endpoints online debug-online-endpoints-locally-in-visual-studio-code no description - This sample is excluded from automated tests debug-online-endpoints-locally-in-visual-studio-code
endpoints online online-endpoints-managed-identity-sai no description online-endpoints-managed-identity-sai
endpoints online online-endpoints-managed-identity-uai no description online-endpoints-managed-identity-uai
endpoints online online-endpoints-binary-payloads no description online-endpoints-binary-payloads
endpoints online online-endpoints-inference-schema no description online-endpoints-inference-schema
endpoints online online-endpoints-keyvault no description online-endpoints-keyvault
endpoints online online-endpoints-multimodel no description online-endpoints-multimodel
endpoints online online-endpoints-openapi no description online-endpoints-openapi
endpoints online online-endpoints-safe-rollout Safely rollout a new version of a web service to production by rolling out the change to a small subset of users/requests before rolling it out completely online-endpoints-safe-rollout
endpoints online online-endpoints-simple-deployment Use an online endpoint to deploy your model, so you don't have to create and manage the underlying infrastructure online-endpoints-simple-deployment
endpoints online online-endpoints-deploy-mlflow-model Deploy an mlflow model to an online endpoint. This will be a no-code-deployment. It doesn't require scoring script and environment. online-endpoints-deploy-mlflow-model
endpoints online online-endpoints-triton Deploy a custom container as an online endpoint. Use web servers other than the default Python Flask server used by Azure ML without losing the benefits of Azure ML's built-in monitoring, scaling, alerting, and authentication. online-endpoints-triton
jobs automl-standalone-jobs automl-classification-task-bankmarketing no description automl-classification-task-bankmarketing
jobs automl-standalone-jobs mlflow-model-local-inference-test no description - This sample is excluded from automated tests mlflow-model-local-inference-test
jobs automl-standalone-jobs auto-ml-forecasting-github-dau no description auto-ml-forecasting-github-dau
jobs automl-standalone-jobs automl-forecasting-orange-juice-sales-mlflow no description automl-forecasting-orange-juice-sales-mlflow
jobs automl-standalone-jobs auto-ml-forecasting-bike-share no description auto-ml-forecasting-bike-share
jobs automl-standalone-jobs automl-forecasting-task-energy-demand-advanced no description automl-forecasting-task-energy-demand-advanced
jobs automl-standalone-jobs mlflow-model-local-inference-test no description - This sample is excluded from automated tests mlflow-model-local-inference-test
jobs automl-standalone-jobs automl-image-classification-multiclass-task-fridge-items no description automl-image-classification-multiclass-task-fridge-items
jobs automl-standalone-jobs mlflow-model-local-inference-test no description - This sample is excluded from automated tests mlflow-model-local-inference-test
jobs automl-standalone-jobs automl-image-classification-multilabel-task-fridge-items no description automl-image-classification-multilabel-task-fridge-items
jobs automl-standalone-jobs mlflow-model-local-inference-test no description - This sample is excluded from automated tests mlflow-model-local-inference-test
jobs automl-standalone-jobs automl-image-instance-segmentation-task-fridge-items no description automl-image-instance-segmentation-task-fridge-items
jobs automl-standalone-jobs mlflow-model-local-inference-test no description - This sample is excluded from automated tests mlflow-model-local-inference-test
jobs automl-standalone-jobs image-object-detection-batch-scoring-non-mlflow-model no description image-object-detection-batch-scoring-non-mlflow-model
jobs automl-standalone-jobs automl-image-object-detection-task-fridge-items no description automl-image-object-detection-task-fridge-items
jobs automl-standalone-jobs mlflow-model-local-inference-test no description - This sample is excluded from automated tests mlflow-model-local-inference-test
jobs automl-standalone-jobs automl-nlp-multiclass-sentiment-mlflow no description automl-nlp-multiclass-sentiment-mlflow
jobs automl-standalone-jobs automl-nlp-multiclass-sentiment no description automl-nlp-multiclass-sentiment
jobs automl-standalone-jobs mlflow-model-local-inference-test no description - This sample is excluded from automated tests mlflow-model-local-inference-test
jobs automl-standalone-jobs automl-nlp-multilabel-paper-cat no description automl-nlp-multilabel-paper-cat
jobs automl-standalone-jobs automl-nlp-text-ner-task-distributed-with-sweeping no description automl-nlp-text-ner-task-distributed-with-sweeping
jobs automl-standalone-jobs automl-nlp-text-ner-task no description automl-nlp-text-ner-task
jobs automl-standalone-jobs automl-regression-task-hardware-performance no description automl-regression-task-hardware-performance
jobs configuration.ipynb configuration Setting up your Azure Machine Learning services workspace and configuring needed resources configuration
jobs multicloud-configuration.ipynb multicloud-configuration Setting up your Azure Machine Learning services workspace and configuring needed resources - This sample is excluded from automated tests multicloud-configuration
jobs pipelines pipeline_with_components_from_yaml Create pipeline with CommandComponents from local YAML file pipeline_with_components_from_yaml
jobs pipelines pipeline_with_python_function_components Create pipeline with command_component decorator pipeline_with_python_function_components
jobs pipelines pipeline_with_hyperparameter_sweep Use sweep (hyperdrive) in pipeline to train mnist model using tensorflow pipeline_with_hyperparameter_sweep
jobs pipelines pipeline_with_non_python_components Create a pipeline with command function pipeline_with_non_python_components
jobs pipelines pipeline_with_registered_components Register component and then use these components to build pipeline pipeline_with_registered_components
jobs pipelines pipeline_with_parallel_nodes Create pipeline with parallel node to do batch inference pipeline_with_parallel_nodes
jobs pipelines automl-classification-bankmarketing-in-pipeline Create pipeline with automl node automl-classification-bankmarketing-in-pipeline
jobs pipelines automl-forecasting-in-pipeline no description automl-forecasting-in-pipeline
jobs pipelines automl-image-classification-multiclass-in-pipeline Create pipeline with automl node automl-image-classification-multiclass-in-pipeline
jobs pipelines automl-image-classification-multilabel-in-pipeline Create pipeline with automl node automl-image-classification-multilabel-in-pipeline
jobs pipelines automl-image-instance-segmentation-in-pipeline Create pipeline with automl node automl-image-instance-segmentation-in-pipeline
jobs pipelines automl-image-object-detection-in-pipeline Create pipeline with automl node automl-image-object-detection-in-pipeline
jobs pipelines automl-regression-house-pricing-in-pipeline Create pipeline with automl node automl-regression-house-pricing-in-pipeline
jobs pipelines automl-text-classification-in-pipeline Create pipeline with automl node automl-text-classification-in-pipeline
jobs pipelines automl-text-classification-multilabel-in-pipeline Create pipeline with automl node automl-text-classification-multilabel-in-pipeline
jobs pipelines automl-text-ner-named-entity-recognition-in-pipeline Create pipeline with automl node automl-text-ner-named-entity-recognition-in-pipeline
jobs pipelines pipeline_with_spark_nodes Create pipeline with spark node - This sample is excluded from automated tests pipeline_with_spark_nodes
jobs pipelines train_mnist_with_tensorflow Create pipeline using components to run a distributed job with tensorflow train_mnist_with_tensorflow
jobs pipelines train_cifar_10_with_pytorch Get data, train and evaluate a model in pipeline with Components train_cifar_10_with_pytorch
jobs pipelines nyc_taxi_data_regression Build pipeline with components for 5 jobs - prep data, transform data, train model, predict results and evaluate model performance nyc_taxi_data_regression
jobs pipelines image_classification_with_densenet Create pipeline to train cnn image classification model image_classification_with_densenet
jobs pipelines image_classification_keras_minist_convnet Create pipeline to train cnn image classification model with keras image_classification_keras_minist_convnet
jobs pipelines rai_pipeline_sample Create sample RAI pipeline rai_pipeline_sample
jobs single-step debug-and-monitor Run a Command to train a basic neural network with TensorFlow on the MNIST dataset debug-and-monitor
jobs single-step lightgbm-iris-sweep Run hyperparameter sweep on a Command or CommandComponent lightgbm-iris-sweep
jobs single-step objectdetectionAzureML no description objectdetectionAzureML
jobs single-step distributed-cifar10 no description distributed-cifar10
jobs single-step pytorch-iris Run Command to train a neural network with PyTorch on Iris dataset pytorch-iris
jobs single-step train-hyperparameter-tune-deploy-with-pytorch Train, hyperparameter tune, and deploy a PyTorch model to classify chicken and turkey images to build a deep learning neural network (DNN) based on PyTorch's transfer learning tutorial. train-hyperparameter-tune-deploy-with-pytorch
jobs single-step accident-prediction Run R in a Command to train a prediction model accident-prediction
jobs single-step sklearn-diabetes Run Command to train a scikit-learn LinearRegression model on the Diabetes dataset sklearn-diabetes
jobs single-step iris-scikit-learn Run Command to train a scikit-learn SVM on the Iris dataset iris-scikit-learn
jobs single-step sklearn-mnist Run a Command to train a scikit-learn SVM on the mnist dataset. sklearn-mnist
jobs single-step train-hyperparameter-tune-with-sklearn Train and tune a machine learning model using scikit-learn training scripts to build a to classify iris flower images. - This sample is excluded from automated tests train-hyperparameter-tune-with-sklearn
jobs single-step tensorflow-mnist-distributed-horovod Run a Distributed Command to train a basic neural network with distributed MPI on the MNIST dataset using Horovod tensorflow-mnist-distributed-horovod
jobs single-step tensorflow-mnist-distributed Run a Distributed Command to train a basic neural network with TensorFlow on the MNIST dataset tensorflow-mnist-distributed
jobs single-step tensorflow-mnist Run a Command to train a basic neural network with TensorFlow on the MNIST dataset tensorflow-mnist
jobs single-step train-hyperparameter-tune-deploy-with-keras Train, hyperparameter tune, and deploy a Keras model to classify handwritten digits using a deep neural network (DNN). - This sample is excluded from automated tests train-hyperparameter-tune-deploy-with-keras
jobs single-step train-hyperparameter-tune-deploy-with-tensorflow Train, hyperparameter tune, and deploy a Tensorflow model to classify handwritten digits using a deep neural network (DNN). - This sample is excluded from automated tests train-hyperparameter-tune-deploy-with-tensorflow
jobs spark submit_spark_pipeline_jobs no description - This sample is excluded from automated tests submit_spark_pipeline_jobs
jobs spark submit_spark_standalone_jobs no description - This sample is excluded from automated tests submit_spark_standalone_jobs
resources compute attach_manage_spark_pools no description - This sample is excluded from automated tests attach_manage_spark_pools
resources compute compute Create compute in Azure ML workspace compute
resources connections connections no description connections
resources datastores datastore Create datastores and use in a Command - This sample is excluded from automated tests datastore
resources registry registry-create no description registry-create
resources workspace workspace Create Azure ML workspace workspace
responsible-ai responsibleaidashboard-diabetes-decision-making responsibleaidashboard-diabetes-decision-making no description responsibleaidashboard-diabetes-decision-making
responsible-ai responsibleaidashboard-diabetes-regression-model-debugging responsibleaidashboard-diabetes-regression-model-debugging no description responsibleaidashboard-diabetes-regression-model-debugging
responsible-ai responsibleaidashboard-housing-classification-model-debugging responsibleaidashboard-housing-classification-model-debugging no description responsibleaidashboard-housing-classification-model-debugging
responsible-ai responsibleaidashboard-housing-decision-making responsibleaidashboard-housing-decision-making no description responsibleaidashboard-housing-decision-making
responsible-ai responsibleaidashboard-programmer-regression-model-debugging responsibleaidashboard-programmer-regression-model-debugging no description responsibleaidashboard-programmer-regression-model-debugging
schedules job-schedule.ipynb job-schedule Create a component asset job-schedule
using-mlflow logging-models logging_model_with_mlflow no description - This sample is excluded from automated tests logging_model_with_mlflow
using-mlflow migrating-scoring-to-mlflow scoring_to_mlmodel no description - This sample is excluded from automated tests scoring_to_mlmodel
using-mlflow model-management model_management no description - This sample is excluded from automated tests model_management
using-mlflow no-code-deployment deploying_with_mlflow no description - This sample is excluded from automated tests deploying_with_mlflow
using-mlflow no-code-deployment track_with_databricks_deploy_aml no description - This sample is excluded from automated tests track_with_databricks_deploy_aml
using-mlflow run-history run_history no description - This sample is excluded from automated tests run_history
using-mlflow train-with-mlflow xgboost_classification_mlflow no description - This sample is excluded from automated tests xgboost_classification_mlflow
using-mlflow train-with-mlflow xgboost_nested_runs no description - This sample is excluded from automated tests xgboost_nested_runs
using-mlflow train-with-mlflow xgboost_service_principal no description - This sample is excluded from automated tests xgboost_service_principal
using-mlflow using-rest-api using_mlflow_rest_api no description - This sample is excluded from automated tests using_mlflow_rest_api

Contributing

We welcome contributions and suggestions! Please see the contributing guidelines for details.

Code of Conduct

This project has adopted the Microsoft Open Source Code of Conduct. Please see the code of conduct for details.

Reference