Skip to content

Latest commit

 

History

History
 
 

cli

Folders and files

NameName
Last commit message
Last commit date

parent directory

..
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
page_type languages products description
sample
azurecli
azure-machine-learning
Top-level directory for official Azure Machine Learning CLI sample code.

Azure Machine Learning CLI (v2) (preview) examples

cleanup code style: black license: MIT

Welcome to the Azure Machine Learning examples repository!

Prerequisites

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

  2. A terminal. Install and set up the CLI (v2) before you begin.

  3. Clone this repository:

    git clone https://github.com/Azure/azureml-examples --depth 1
    cd azureml-examples/cli
  4. Run the setup script and create compute:

    bash setup.sh
    bash create-compute.sh

Getting started

  1. Train models (create jobs) with the CLI (v2)
  2. Deploy and score a model using a managed online endpoint

Examples

Scripts

path status
amlarc-compute.sh amlarc-compute
batch-score.sh batch-score
deploy-declarative-safe-rollout-online-endpoints.sh deploy-declarative-safe-rollout-online-endpoints
deploy-imperative-safe-rollout-online-endpoints.sh deploy-imperative-safe-rollout-online-endpoints
deploy-managed-online-endpoint-access-resource-sai.sh deploy-managed-online-endpoint-access-resource-sai
deploy-managed-online-endpoint-access-resource-uai.sh deploy-managed-online-endpoint-access-resource-uai
deploy-managed-online-endpoint.sh deploy-managed-online-endpoint
deploy-r.sh deploy-r
deploy-rest.sh deploy-rest
deploy-tfserving.sh deploy-tfserving
deploy-torchserve.sh deploy-torchserve
deploy-triton-ensemble-managed-online-endpoint.sh deploy-triton-ensemble-managed-online-endpoint
deploy-triton-managed-online-endpoint.sh deploy-triton-managed-online-endpoint
deploy-triton-multiple-models-online-endpoint.sh deploy-triton-multiple-models-online-endpoint
how-to-deploy-amlarc-endpoint.sh how-to-deploy-amlarc-endpoint
how-to-deploy-declarative-safe-rollout-amlarc-endpoints.sh how-to-deploy-declarative-safe-rollout-amlarc-endpoints
manage-resources.sh manage-resources
misc.sh misc
mlflow-uri.sh mlflow-uri
train-rest.sh train-rest
train.sh train

Jobs (jobs)

path status description
jobs/dataprep/dask/nyctaxi/job.yml jobs/dataprep/dask/nyctaxi/job This sample shows how to run a distributed DASK job on AzureML.
jobs/dataprep/spark/nyctaxi/job.yml jobs/dataprep/spark/nyctaxi/job This sample shows how to run a single node Spark job on AzureML.
jobs/logging/julia/iris/job.yml jobs/logging/julia/iris/job Train a Flux model on the Iris dataset. Showcases examples of mlflow logging API used in training
jobs/logging/sklearn/iris/job.yml jobs/logging/sklearn/iris/job Train a scikit-learn knn model on the iris dataset. Showcases examples of mlflow logging API's used in training.
jobs/train/fastai/mnist/job.yml jobs/train/fastai/mnist/job Train a RESNET-18 convolutional neural network (CNN) with fast.ai on the MNIST dataset.
jobs/train/fastai/pets/job.yml jobs/train/fastai/pets/job Fine tune a convolutional neural network (CNN) with fast.ai on a pets dataset.
jobs/train/julia/iris/job.yml jobs/train/julia/iris/job Train a Flux model on the Iris dataset.
jobs/train/lightgbm/iris-bash/job.yml jobs/train/lightgbm/iris-bash/job Train a LightGBM model on the Iris dataset via Python via Bash script.
jobs/train/lightgbm/iris/job-sweep.yml jobs/train/lightgbm/iris/job-sweep Run a hyperparameter sweep job for LightGBM on Iris dataset.
jobs/train/lightgbm/iris/job.yml jobs/train/lightgbm/iris/job Train a LightGBM model on the Iris dataset.
jobs/train/pytorch/iris/job.yml jobs/train/pytorch/iris/job Train a neural network with PyTorch on the Iris dataset.
jobs/train/pytorch/word-language-model/job.yml jobs/train/pytorch/word-language-model/job Train a multi-layer RNN (Elman, GRU, or LSTM) on a language modeling task with PyTorch.
jobs/train/r/accidents/job.yml jobs/train/r/accidents/job Train a GLM using R on the accidents dataset.
jobs/train/r/iris/job.yml jobs/train/r/iris/job Train an R model on the Iris dataset.
jobs/train/scikit-learn/diabetes/job.yml jobs/train/scikit-learn/diabetes/job Train a scikit-learn LinearRegression model on the Diabetes dataset.
jobs/train/scikit-learn/iris/job.yml jobs/train/scikit-learn/iris/job Train a scikit-learn SVM on the Iris dataset.
jobs/train/scikit-learn/mnist/job.yml jobs/train/scikit-learn/mnist/job Train a scikit-learn LogisticRegression model on the MNSIT dataset.
jobs/train/tensorflow/iris/job.yml jobs/train/tensorflow/iris/job Train a Tensorflow Decision Forest on the Iris dataset.
jobs/train/tensorflow/mnist-distributed-horovod/job.yml jobs/train/tensorflow/mnist-distributed-horovod/job Train a basic neural network with TensorFlow on the MNIST dataset, distributed via Horovod.
jobs/train/tensorflow/mnist-distributed/job.yml jobs/train/tensorflow/mnist-distributed/job Train a basic neural network with TensorFlow on the MNIST dataset, distributed via TensorFlow.
jobs/train/tensorflow/mnist/job.yml jobs/train/tensorflow/mnist/job Train a basic neural network with TensorFlow on the MNIST dataset.
jobs/misc/hello-world-env-var.yml jobs/misc/hello-world-env-var no description
jobs/misc/hello-world.yml jobs/misc/hello-world no description

Endpoints (endpoints)

path status description

Assets (assets)

path status description
assets/data/iris-datastore.yml assets/data/iris-datastore Data asset from datastore blob storage.
assets/data/iris-url.yml assets/data/iris-url Data asset pointing to Iris CSV on public blob storage.
assets/environment/python-ml-basic-cpu.yml assets/environment/python-ml-basic-cpu Environment asset created from a base Docker image plus a Conda environment file.
assets/model/lightgbm-iris.yml assets/model/lightgbm-iris Model asset from local directory.

Contents

directory description
assets assets
endpoints endpoints
jobs jobs

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