Skip to content
Merged
Show file tree
Hide file tree
Changes from all commits
Commits
Show all changes
44 commits
Select commit Hold shift + click to select a range
0040644
update samples from Release-163 as a part of 1.0.79 SDK release
vizhur Dec 9, 2019
d179080
Merge pull request #690 from Azure/release_update/Release-163
vizhur Dec 9, 2019
8f4efe1
Update index.md
swinner95 Dec 10, 2019
296ae01
update samples - test
vizhur Dec 24, 2019
fe8fcd4
Merge pull request #712 from Azure/release_update/Release-31
vizhur Dec 24, 2019
9b9d112
Update index.md
swinner95 Dec 24, 2019
c95f970
update samples from Release-167 as a part of 1.0.83 SDK release
vizhur Jan 6, 2020
ae1337f
Merge pull request #724 from Azure/release_update/Release-167
vizhur Jan 6, 2020
5126304
Update index.md
swinner95 Jan 8, 2020
b05ff80
update samples from Release-169 as a part of 1.0.85 SDK release (#742)
harneetvirk Jan 21, 2020
4fb1d9e
Update index.md
swinner95 Jan 22, 2020
a09e726
update samples - test (#748)
harneetvirk Jan 23, 2020
3588eb9
Update index.md
swinner95 Jan 23, 2020
e895d7c
update samples - test (#758)
harneetvirk Jan 31, 2020
cca7c2e
add cell metadata
sdgilley Feb 4, 2020
3c9cb89
update samples from Release-18 as a part of 1.1.0rc0 SDK experimental…
harneetvirk Feb 5, 2020
83a21ba
update samples from Release-35 as a part of SDK release (#765)
harneetvirk Feb 6, 2020
d7d23d5
Update index.md
swinner95 Feb 6, 2020
ecb5157
update samples from Release-36 as a part of SDK release
vizhur Feb 8, 2020
8e103c0
Merge pull request #779 from Azure/release_update/Release-36
harneetvirk Feb 8, 2020
9662505
update samples from Release-37 as a part of SDK release
vizhur Feb 8, 2020
a09a1a1
Merge pull request #780 from Azure/release_update/Release-37
harneetvirk Feb 8, 2020
ed91e39
update samples from Release-38 as a part of SDK release
vizhur Feb 11, 2020
4e7b378
Merge pull request #788 from Azure/release_update/Release-38
harneetvirk Feb 11, 2020
67d0b02
Fix broken link in README (#797)
SanderVanhove Feb 13, 2020
4df079d
update samples from Release-39 as a part of SDK release
vizhur Feb 14, 2020
3d6caa1
Merge pull request #801 from Azure/release_update/Release-39
harneetvirk Feb 14, 2020
2165cf3
update samples from Release-25 as a part of 1.1.2rc0 SDK experimental…
harneetvirk Mar 2, 2020
e443fd1
update samples from Release-6 as a part of 1.1.5rc0 SDK stable release
vizhur Mar 11, 2020
77f98bf
Merge pull request #852 from Azure/release_update_stable/Release-6
harneetvirk Mar 11, 2020
71053d7
update samples from Release-40 as a part of SDK release
vizhur Mar 12, 2020
ed0ce9e
Merge pull request #856 from Azure/release_update/Release-40
harneetvirk Mar 12, 2020
b06f5ce
update samples from Release-41 as a part of SDK release
vizhur Mar 13, 2020
e0ea99a
Merge pull request #862 from Azure/release_update/Release-41
harneetvirk Mar 13, 2020
59fcb54
update samples from Release-42 as a part of SDK release
vizhur Mar 20, 2020
0401128
Merge pull request #878 from Azure/release_update/Release-42
harneetvirk Mar 20, 2020
2218af6
update samples from Release-3 as a part of 1.2.0 SDK stable release
vizhur Mar 23, 2020
b95a65e
Merge pull request #883 from Azure/release_update_stablev2/Release-3
harneetvirk Mar 23, 2020
d3f1212
update samples from Release-43 as a part of SDK release
vizhur Mar 23, 2020
c520bd1
Merge pull request #884 from Azure/release_update/Release-43
harneetvirk Mar 23, 2020
057e22b
update samples from Release-6 as a part of 1.3.0 SDK stable release
vizhur Apr 13, 2020
b881f78
Merge pull request #918 from Azure/release_update_stablev2/Release-6
harneetvirk Apr 13, 2020
24f8651
update samples from Release-44 as a part of SDK release
vizhur Apr 17, 2020
7970209
Merge pull request #930 from Azure/release_update/Release-44
harneetvirk Apr 17, 2020
File filter

Filter by extension

Filter by extension

Conversations
Failed to load comments.
Loading
Jump to
Jump to file
Failed to load files.
Loading
Diff view
Diff view
10 changes: 5 additions & 5 deletions README.md
Original file line number Diff line number Diff line change
Expand Up @@ -2,7 +2,7 @@

This repository contains example notebooks demonstrating the [Azure Machine Learning](https://azure.microsoft.com/en-us/services/machine-learning-service/) Python SDK which allows you to build, train, deploy and manage machine learning solutions using Azure. The AML SDK allows you the choice of using local or cloud compute resources, while managing and maintaining the complete data science workflow from the cloud.

![Azure ML Workflow](https://raw.githubusercontent.com/MicrosoftDocs/azure-docs/master/articles/machine-learning/service/media/concept-azure-machine-learning-architecture/workflow.png)
![Azure ML Workflow](https://raw.githubusercontent.com/MicrosoftDocs/azure-docs/master/articles/machine-learning/media/concept-azure-machine-learning-architecture/workflow.png)


## Quick installation
Expand All @@ -13,15 +13,15 @@ Read more detailed instructions on [how to set up your environment](./NBSETUP.md

## How to navigate and use the example notebooks?
If you are using an Azure Machine Learning Notebook VM, you are all set. Otherwise, you should always run the [Configuration](./configuration.ipynb) notebook first when setting up a notebook library on a new machine or in a new environment. It configures your notebook library to connect to an Azure Machine Learning workspace, and sets up your workspace and compute to be used by many of the other examples.
This [index](.index.md) should assist in navigating the Azure Machine Learning notebook samples and encourage efficient retrieval of topics and content.
This [index](./index.md) should assist in navigating the Azure Machine Learning notebook samples and encourage efficient retrieval of topics and content.

If you want to...

* ...try out and explore Azure ML, start with image classification tutorials: [Part 1 (Training)](./tutorials/img-classification-part1-training.ipynb) and [Part 2 (Deployment)](./tutorials/img-classification-part2-deploy.ipynb).
* ...try out and explore Azure ML, start with image classification tutorials: [Part 1 (Training)](./tutorials/image-classification-mnist-data/img-classification-part1-training.ipynb) and [Part 2 (Deployment)](./tutorials/image-classification-mnist-data/img-classification-part2-deploy.ipynb).
* ...learn about experimentation and tracking run history, first [train within Notebook](./how-to-use-azureml/training/train-within-notebook/train-within-notebook.ipynb), then try [training on remote VM](./how-to-use-azureml/training/train-on-remote-vm/train-on-remote-vm.ipynb) and [using logging APIs](./how-to-use-azureml/training/logging-api/logging-api.ipynb).
* ...train deep learning models at scale, first learn about [Machine Learning Compute](./how-to-use-azureml/training/train-on-amlcompute/train-on-amlcompute.ipynb), and then try [distributed hyperparameter tuning](./how-to-use-azureml/training-with-deep-learning/train-hyperparameter-tune-deploy-with-pytorch/train-hyperparameter-tune-deploy-with-pytorch.ipynb) and [distributed training](./how-to-use-azureml/training-with-deep-learning/distributed-pytorch-with-horovod/distributed-pytorch-with-horovod.ipynb).
* ...deploy models as a realtime scoring service, first learn the basics by [training within Notebook and deploying to Azure Container Instance](./how-to-use-azureml/training/train-within-notebook/train-within-notebook.ipynb), then learn how to [register and manage models, and create Docker images](./how-to-use-azureml/deployment/register-model-create-image-deploy-service/register-model-create-image-deploy-service.ipynb), and [production deploy models on Azure Kubernetes Cluster](./how-to-use-azureml/deployment/production-deploy-to-aks/production-deploy-to-aks.ipynb).
* ...deploy models as a batch scoring service, first [train a model within Notebook](./how-to-use-azureml/training/train-within-notebook/train-within-notebook.ipynb), learn how to [register and manage models](./how-to-use-azureml/deployment/register-model-create-image-deploy-service/register-model-create-image-deploy-service.ipynb), then [create Machine Learning Compute for scoring compute](./how-to-use-azureml/training/train-on-amlcompute/train-on-amlcompute.ipynb), and [use Machine Learning Pipelines to deploy your model](https://aka.ms/pl-batch-scoring).
* ...deploy models as a realtime scoring service, first learn the basics by [training within Notebook and deploying to Azure Container Instance](./how-to-use-azureml/training/train-within-notebook/train-within-notebook.ipynb), then learn how to [production deploy models on Azure Kubernetes Cluster](./how-to-use-azureml/deployment/production-deploy-to-aks/production-deploy-to-aks.ipynb).
* ...deploy models as a batch scoring service, first [train a model within Notebook](./how-to-use-azureml/training/train-within-notebook/train-within-notebook.ipynb), then [create Machine Learning Compute for scoring compute](./how-to-use-azureml/training/train-on-amlcompute/train-on-amlcompute.ipynb), and [use Machine Learning Pipelines to deploy your model](https://aka.ms/pl-batch-scoring).
* ...monitor your deployed models, learn about using [App Insights](./how-to-use-azureml/deployment/enable-app-insights-in-production-service/enable-app-insights-in-production-service.ipynb).

## Tutorials
Expand Down
2 changes: 1 addition & 1 deletion configuration.ipynb
Original file line number Diff line number Diff line change
Expand Up @@ -103,7 +103,7 @@
"source": [
"import azureml.core\n",
"\n",
"print(\"This notebook was created using version 1.0.76.2 of the Azure ML SDK\")\n",
"print(\"This notebook was created using version 1.3.0 of the Azure ML SDK\")\n",
"print(\"You are currently using version\", azureml.core.VERSION, \"of the Azure ML SDK\")"
]
},
Expand Down
1 change: 0 additions & 1 deletion how-to-use-azureml/README.md
Original file line number Diff line number Diff line change
Expand Up @@ -9,7 +9,6 @@ As a pre-requisite, run the [configuration Notebook](../configuration.ipynb) not
* [train-on-amlcompute](./training/train-on-amlcompute): Use a 1-n node Azure ML managed compute cluster for remote runs on Azure CPU or GPU infrastructure.
* [train-on-remote-vm](./training/train-on-remote-vm): Use Data Science Virtual Machine as a target for remote runs.
* [logging-api](./track-and-monitor-experiments/logging-api): Learn about the details of logging metrics to run history.
* [register-model-create-image-deploy-service](./deployment/register-model-create-image-deploy-service): Learn about the details of model management.
* [production-deploy-to-aks](./deployment/production-deploy-to-aks) Deploy a model to production at scale on Azure Kubernetes Service.
* [enable-app-insights-in-production-service](./deployment/enable-app-insights-in-production-service) Learn how to use App Insights with production web service.

Expand Down
17 changes: 14 additions & 3 deletions how-to-use-azureml/automated-machine-learning/README.md
Original file line number Diff line number Diff line change
Expand Up @@ -117,7 +117,7 @@ jupyter notebook
- Simple example of using automated ML for regression
- Uses azure compute for training

- [auto-ml-regression-hardware-performance-explanation-and-featurization.ipynb](regression-hardware-performance-explanation-and-featurization/auto-ml-regression-hardware-performance-explanation-and-featurization.ipynb)
- [auto-ml-regression-explanation-featurization.ipynb](regression-explanation-featurization/auto-ml-regression-explanation-featurization.ipynb)
- Dataset: Hardware Performance Dataset
- Shows featurization and excplanation
- Uses azure compute for training
Expand All @@ -144,15 +144,15 @@ jupyter notebook
- Dataset: forecasting for a bike-sharing
- Example of training an automated ML forecasting model on multiple time-series

- [automl-forecasting-function.ipynb](forecasting-high-frequency/automl-forecasting-function.ipynb)
- [auto-ml-forecasting-function.ipynb](forecasting-high-frequency/auto-ml-forecasting-function.ipynb)
- Example of training an automated ML forecasting model on multiple time-series

- [auto-ml-forecasting-beer-remote.ipynb](forecasting-beer-remote/auto-ml-forecasting-beer-remote.ipynb)
- Example of training an automated ML forecasting model on multiple time-series
- Beer Production Forecasting

- [auto-ml-continuous-retraining.ipynb](continuous-retraining/auto-ml-continuous-retraining.ipynb)
- Continous retraining using Pipelines and Time-Series TabularDataset
- Continuous retraining using Pipelines and Time-Series TabularDataset

- [auto-ml-classification-text-dnn.ipynb](classification-text-dnn/auto-ml-classification-text-dnn.ipynb)
- Classification with text data using deep learning in AutoML
Expand Down Expand Up @@ -197,6 +197,17 @@ If automl_setup_linux.sh fails on Ubuntu Linux with the error: `unable to execut
4) Check that the region is one of the supported regions: `eastus2`, `eastus`, `westcentralus`, `southeastasia`, `westeurope`, `australiaeast`, `westus2`, `southcentralus`
5) Check that you have access to the region using the Azure Portal.

## import AutoMLConfig fails after upgrade from before 1.0.76 to 1.0.76 or later
There were package changes in automated machine learning version 1.0.76, which require the previous version to be uninstalled before upgrading to the new version.
If you have manually upgraded from a version of automated machine learning before 1.0.76 to 1.0.76 or later, you may get the error:
`ImportError: cannot import name 'AutoMLConfig'`

This can be resolved by running:
`pip uninstall azureml-train-automl` and then
`pip install azureml-train-automl`

The automl_setup.cmd script does this automatically.

## workspace.from_config fails
If the call `ws = Workspace.from_config()` fails:
1) Make sure that you have run the `configuration.ipynb` notebook successfully.
Expand Down
13 changes: 6 additions & 7 deletions how-to-use-azureml/automated-machine-learning/automl_env.yml
Original file line number Diff line number Diff line change
Expand Up @@ -2,8 +2,9 @@ name: azure_automl
dependencies:
# The python interpreter version.
# Currently Azure ML only supports 3.5.2 and later.
- pip
- pip<=19.3.1
- python>=3.5.2,<3.6.8
- wheel==0.30.0
- nb_conda
- matplotlib==2.1.0
- numpy>=1.16.0,<=1.16.2
Expand All @@ -12,27 +13,25 @@ dependencies:
- scipy>=1.0.0,<=1.1.0
- scikit-learn>=0.19.0,<=0.20.3
- pandas>=0.22.0,<=0.23.4
- py-xgboost<=0.80
- pyarrow>=0.11.0
- py-xgboost<=0.90
- fbprophet==0.5
- pytorch=1.1.0
- cudatoolkit=9.0

- pip:
# Required packages for AzureML execution, history, and data preparation.
- azureml-defaults
- azureml-dataprep[pandas]
- azureml-train-automl
- azureml-train
- azureml-widgets
- azureml-explain-model
- azureml-pipeline
- azureml-contrib-interpret
- pytorch-transformers==1.0.0
- spacy==2.1.8
- joblib
- onnxruntime==0.4.0
- onnxruntime==1.0.0
- https://aka.ms/automl-resources/packages/en_core_web_sm-2.1.0.tar.gz

channels:
- anaconda
- conda-forge
- pytorch
11 changes: 5 additions & 6 deletions how-to-use-azureml/automated-machine-learning/automl_env_mac.yml
Original file line number Diff line number Diff line change
Expand Up @@ -2,9 +2,10 @@ name: azure_automl
dependencies:
# The python interpreter version.
# Currently Azure ML only supports 3.5.2 and later.
- pip
- pip<=19.3.1
- nomkl
- python>=3.5.2,<3.6.8
- wheel==0.30.0
- nb_conda
- matplotlib==2.1.0
- numpy>=1.16.0,<=1.16.2
Expand All @@ -14,26 +15,24 @@ dependencies:
- scikit-learn>=0.19.0,<=0.20.3
- pandas>=0.22.0,<0.23.0
- py-xgboost<=0.80
- pyarrow>=0.11.0
- fbprophet==0.5
- pytorch=1.1.0
- cudatoolkit=9.0

- pip:
# Required packages for AzureML execution, history, and data preparation.
- azureml-defaults
- azureml-dataprep[pandas]
- azureml-train-automl
- azureml-train
- azureml-widgets
- azureml-explain-model
- azureml-pipeline
- azureml-contrib-interpret
- pytorch-transformers==1.0.0
- spacy==2.1.8
- joblib
- onnxruntime==0.4.0
- onnxruntime==1.0.0
- https://aka.ms/automl-resources/packages/en_core_web_sm-2.1.0.tar.gz

channels:
- anaconda
- conda-forge
- pytorch
Loading