Skip to content

Latest commit

 

History

History
154 lines (136 loc) · 30.1 KB

index.md

File metadata and controls

154 lines (136 loc) · 30.1 KB

Index

Azure Machine Learning is a cloud service that you use to train, deploy, automate, and manage machine learning models. This index should assist in navigating the Azure Machine Learning notebook samples and encourage efficient retrieval of topics and content. Impressions

Getting Started

Title Task Dataset Training Compute Deployment Target ML Framework Tags
Using Azure ML environments Creating and registering environments None Local None None None
Estimators in AML with hyperparameter tuning Use the Estimator pattern in Azure Machine Learning SDK None AML Compute None None None

Tutorials

Title Task Dataset Training Compute Deployment Target ML Framework Tags
Training and deploying a model from a notebook Diabetes Local Azure Container Instance None None
Filtering data using Tabular Timeseiries Dataset related API Filtering NOAA local None Azure ML Dataset, Tabular Timeseries
Train with Datasets (Tabular and File) Filtering Iris, Daibetes remote None Azure ML Dataset
Use MLflow with Azure Machine Learning for training and deployment Use MLflow with Azure Machine Learning to train and deploy Pa yTorch image classifier model MNIST AML Compute Azure Container Instance PyTorch None
Azure Machine Learning Pipeline with DataTranferStep Demonstrates the use of DataTranferStep Custom ADF None Azure ML None
Getting Started with Azure Machine Learning Pipelines Getting Started notebook for ANML Pipelines Custom AML Compute None Azure ML None
Azure Machine Learning Pipeline with AzureBatchStep Demonstrates the use of AzureBatchStep Custom Azure Batch None Azure ML None
Azure Machine Learning Pipeline with EstimatorStep Demonstrates the use of EstimatorStep Custom AML Compute None Azure ML None
How to use ModuleStep with AML Pipelines Demonstrates the use of ModuleStep Custom AML Compute None Azure ML None
How to use Pipeline Drafts to create a Published Pipeline Demonstrates the use of Pipeline Drafts Custom AML Compute None Azure ML None
Azure Machine Learning Pipeline with HyperDriveStep Demonstrates the use of HyperDriveStep Custom AML Compute None Azure ML None
How to Publish a Pipeline and Invoke the REST endpoint Demonstrates the use of Published Pipelines Custom AML Compute None Azure ML None
How to Setup a Schedule for a Published Pipeline Demonstrates the use of Schedules for Published Pipelines Custom AML Compute None Azure ML None
How to setup a versioned Pipeline Endpoint Demonstrates the use of PipelineEndpoint to run a specific version of the Published Pipeline Custom AML Compute None Azure ML None
How to use DataPath as a PipelineParameter Demonstrates the use of DataPath as a PipelineParameter Custom AML Compute None Azure ML None
How to use AdlaStep with AML Pipelines Demonstrates the use of AdlaStep Custom Azure Data Lake Analytics None Azure ML None
How to use DatabricksStep with AML Pipelines Demonstrates the use of DatabricksStep Custom Azure Databricks None Azure ML, Azure Databricks None
How to use AutoMLStep with AML Pipelines Demonstrates the use of AutoMLStep Custom AML Compute None Automated Machine Learning None
Azure Machine Learning Pipelines with Data Dependency Demonstrates how to construct a Pipeline with data dependency between steps Custom AML Compute None Azure ML None

Training

Title Task Dataset Training Compute Deployment Target ML Framework Tags
Train a model with hyperparameter tuning Train a Convolutional Neural Network (CNN) MNIST AML Compute Azure Container Instance Chainer None
Distributed Training with Chainer Use the Chainer estimator to perform distributed training MNIST AML Compute None Chainer None
Training with hyperparameter tuning using PyTorch Train an image classification model using transfer learning with the PyTorch estimator ImageNet AML Compute Azure Container Instance PyTorch None
Distributed PyTorch Train a model using the distributed training via Horovod MNIST AML Compute None PyTorch None
Distributed training with PyTorch Train a model using distributed training via Nccl/Gloo MNIST AML Compute None PyTorch None
Training and hyperparameter tuning with Scikit-learn Train a support vector machine (SVM) to perform classification Iris AML Compute None Scikit-learn None
Training and hyperparameter tuning using the TensorFlow estimator Train a deep neural network MNIST AML Compute Azure Container Instance TensorFlow None
Distributed training using TensorFlow with Horovod Use the TensorFlow estimator to train a word2vec model None AML Compute None TensorFlow None
Distributed TensorFlow with parameter server Use the TensorFlow estimator to train a model using distributed training MNIST AML Compute None TensorFlow None
Resuming a model Resume a model in TensorFlow from a previously submitted run MNIST AML Compute None TensorFlow None
Training in Spark Submiting a run on a spark cluster None HDI cluster None PySpark None
Train on Azure Machine Learning Compute Submit an Azure Machine Leaarning Compute run Diabetes AML Compute None None None
Train on local compute Train a model locally Diabetes Local None None None
Train in a remote Linux virtual machine Configure and execute a run Diabetes Data Science Virtual Machine None None None
Using Tensorboard Export the run history as Tensorboard logs None None None TensorFlow None
Train a DNN using hyperparameter tuning and deploying with Keras Create a multi-class classifier MNIST AML Compute Azure Container Instance TensorFlow None
Managing your training runs Monitor and complete runs None Local None None None
Tensorboard integration with run history Run a TensorFlow job and view its Tensorboard output live None Local, DSVM, AML Compute None TensorFlow None
Use MLflow with AML for a local training run Use MLflow tracking APIs together with Azure Machine Learning for storing your metrics and artifacts Diabetes Local None None None
Use MLflow with AML for a remote training run Use MLflow tracking APIs together with AML for storing your metrics and artifacts Diabetes AML Compute None None None

Deployment

Title Task Dataset Training Compute Deployment Target ML Framework Tags
Deploy a model as a web service using MLflow Use MLflow with AML Diabetes None Azure Container Instance Scikit-learn None

Other Notebooks

Title Task Dataset Training Compute Deployment Target ML Framework Tags
Logging APIs Logging APIs and analyzing results None None None None None
configuration
azure-ml-with-nvidia-rapids
auto-ml-classification
auto-ml-classification-bank-marketing
auto-ml-classification-credit-card-fraud
auto-ml-classification-with-deployment
auto-ml-classification-with-onnx
auto-ml-classification-with-whitelisting
auto-ml-dataset
auto-ml-dataset-remote-execution
auto-ml-exploring-previous-runs
auto-ml-forecasting-bike-share
auto-ml-forecasting-energy-demand
automl-forecasting-function
auto-ml-forecasting-orange-juice-sales
auto-ml-missing-data-blacklist-early-termination
auto-ml-model-explanation
auto-ml-model-explanations-remote-compute
auto-ml-regression
auto-ml-regression-concrete-strength
auto-ml-regression-hardware-performance
auto-ml-remote-amlcompute
auto-ml-remote-amlcompute-with-onnx
auto-ml-sample-weight
auto-ml-sparse-data-train-test-split
auto-ml-sql-energy-demand
auto-ml-sql-setup
auto-ml-subsampling-local
build-model-run-history-03
deploy-to-aci-04
deploy-to-aks-05
ingest-data-02
installation-and-configuration-01
automl-databricks-local-01
automl-databricks-local-with-deployment
aml-pipelines-use-databricks-as-compute-target
accelerated-models-object-detection
accelerated-models-quickstart
accelerated-models-training
model-register-and-deploy
register-model-deploy-local-advanced
register-model-deploy-local
enable-app-insights-in-production-service
enable-data-collection-for-models-in-aks
onnx-convert-aml-deploy-tinyyolo
onnx-inference-facial-expression-recognition-deploy
onnx-inference-mnist-deploy
onnx-modelzoo-aml-deploy-resnet50
onnx-train-pytorch-aml-deploy-mnist
production-deploy-to-aks
register-model-create-image-deploy-service
explain-model-on-amlcompute
save-retrieve-explanations-run-history
train-explain-model-locally-and-deploy
train-explain-model-on-amlcompute-and-deploy
advanced-feature-transformations-explain-local
explain-binary-classification-local
explain-multiclass-classification-local
explain-regression-local
simple-feature-transformations-explain-local
nyc-taxi-data-regression-model-building
pipeline-batch-scoring
pipeline-style-transfer
authentication-in-azureml
azure-ml-datadrift
distributed-cntk-with-custom-docker
notebook_example
configuration
img-classification-part1-training
img-classification-part2-deploy
regression-automated-ml
tutorial-1st-experiment-sdk-train
tutorial-pipeline-batch-scoring-classification