Skip to content

Commit 35614e8

Browse files
Merge pull request Azure#1951 from Azure/release_update_stablev2/Release-200
update samples from Release-200 as a part of 1.54.0 SDK stable release
2 parents e7dd826 + ff22ac0 commit 35614e8

File tree

22 files changed

+93
-52
lines changed

22 files changed

+93
-52
lines changed

README.md

Lines changed: 1 addition & 3 deletions
Original file line numberDiff line numberDiff line change
@@ -1,8 +1,6 @@
11
# Azure Machine Learning Python SDK notebooks
22

3-
4-
** **With the introduction of AzureML SDK v2, this samples repository for the v1 SDK is now deprecated and will not be monitored or updated. Users are encouraged to visit the [v2 SDK samples repository](https://github.com/Azure/azureml-examples) instead for up-to-date and enhanced examples of how to build, train, and deploy machine learning models with AzureML's newest features.** **
5-
3+
### **With the introduction of AzureML SDK v2, this samples repository for the v1 SDK is now deprecated and will not be monitored or updated. Users are encouraged to visit the [v2 SDK samples repository](https://github.com/Azure/azureml-examples) instead for up-to-date and enhanced examples of how to build, train, and deploy machine learning models with AzureML's newest features.**
64

75
Welcome to the Azure Machine Learning Python SDK notebooks repository!
86

configuration.ipynb

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -103,7 +103,7 @@
103103
"source": [
104104
"import azureml.core\n",
105105
"\n",
106-
"print(\"This notebook was created using version 1.53.0 of the Azure ML SDK\")\n",
106+
"print(\"This notebook was created using version 1.54.0 of the Azure ML SDK\")\n",
107107
"print(\"You are currently using version\", azureml.core.VERSION, \"of the Azure ML SDK\")"
108108
]
109109
},

how-to-use-azureml/automated-machine-learning/automl_env.yml

Lines changed: 8 additions & 7 deletions
Original file line numberDiff line numberDiff line change
@@ -7,21 +7,22 @@ dependencies:
77
# The python interpreter version.
88
# Azure ML only supports 3.7.0 and later.
99
- pip==22.3.1
10-
- python>=3.8,<3.9
11-
- holidays==0.10.3
12-
- pandas==1.3.5
10+
- python>=3.9,<3.10
11+
- holidays==0.29
1312
- scipy==1.10.1
14-
- Cython==0.29.14
1513
- tqdm==4.66.1
14+
# TODO: Remove this requirement when azureml-responsibleai will
15+
# upgrade responsibleai to version to >=0.30.0
1616
- scikit-learn<1.1
1717

1818
- pip:
1919
# Required packages for AzureML execution, history, and data preparation.
20-
- azureml-widgets~=1.53.0
21-
- azureml-defaults~=1.53.0
22-
- -r https://automlsdkdataresources.blob.core.windows.net/validated-requirements/1.53.2/validated_win32_requirements.txt [--no-deps]
20+
- azureml-widgets~=1.54.0
21+
- azureml-defaults~=1.54.0
22+
- -r https://automlsdkdataresources.blob.core.windows.net/validated-requirements/1.54.0/validated_win32_requirements.txt [--no-deps]
2323
- matplotlib==3.7.1
2424
- xgboost==1.3.3
2525
- prophet==1.1.4
26+
- pandas==1.3.5
2627
- cmdstanpy==1.1.0
2728
- setuptools-git==1.2

how-to-use-azureml/automated-machine-learning/automl_env_linux.yml

Lines changed: 10 additions & 11 deletions
Original file line numberDiff line numberDiff line change
@@ -7,27 +7,26 @@ dependencies:
77
# The python interpreter version.
88
# Azure ML only supports 3.7 and later.
99
- pip==22.3.1
10-
- python>=3.8,<3.9
10+
- python>=3.9,<3.10
1111
- matplotlib==3.7.1
12-
- numpy==1.22.3
13-
- cython==0.29.14
12+
- numpy>=1.21.6,<=1.23.5
1413
- urllib3==1.26.7
1514
- scipy==1.10.1
16-
- scikit-learn==1.1.3
15+
# TODO: Upgrade this requirement to 1.1.3 when azureml-responsibleai will
16+
# upgrade responsibleai to version to >=0.30.0
17+
- scikit-learn<1.1
1718
- py-xgboost<=1.3.3
18-
- holidays==0.10.3
19-
- conda-forge::prophet==1.1.4
19+
- holidays==0.29
2020
- pytorch::pytorch=1.11.0
2121
- cudatoolkit=10.1.243
2222
- notebook
23-
- scikit-learn<1.1
2423

2524
- pip:
2625
# Required packages for AzureML execution, history, and data preparation.
27-
- azureml-widgets~=1.53.0
28-
- azureml-defaults~=1.53.0
26+
- azureml-widgets~=1.54.0
27+
- azureml-defaults~=1.54.0
2928
- pytorch-transformers==1.0.0
3029
- spacy==2.2.4
31-
- pystan==2.19.1.1
30+
- prophet==1.1.4
3231
- https://aka.ms/automl-resources/packages/en_core_web_sm-2.1.0.tar.gz
33-
- -r https://automlsdkdataresources.blob.core.windows.net/validated-requirements/1.53.2/validated_linux_requirements.txt [--no-deps]
32+
- -r https://automlsdkdataresources.blob.core.windows.net/validated-requirements/1.54.0/validated_linux_requirements.txt [--no-deps]

how-to-use-azureml/automated-machine-learning/automl_env_mac.yml

Lines changed: 8 additions & 9 deletions
Original file line numberDiff line numberDiff line change
@@ -7,23 +7,22 @@ dependencies:
77
# The python interpreter version.
88
# Currently Azure ML only supports 3.7 and later.
99
- pip==22.3.1
10-
- python>=3.8,<3.9
11-
- numpy==1.22.3
12-
- cython==0.29.14
10+
- python>=3.9,<3.10
11+
- numpy>=1.21.6,<=1.23.5
1312
- scipy==1.10.1
14-
- scikit-learn==1.1.3
15-
- holidays==0.10.3
13+
# TODO: Upgrade this requirement to 1.1.3 when azureml-responsibleai will
14+
# upgrade responsibleai to version to >=0.30.0
1615
- scikit-learn<1.1
16+
- holidays==0.29
1717

1818
- pip:
1919
# Required packages for AzureML execution, history, and data preparation.
20-
- azureml-widgets~=1.53.0
21-
- azureml-defaults~=1.53.0
20+
- azureml-widgets~=1.54.0
21+
- azureml-defaults~=1.54.0
2222
- pytorch-transformers==1.0.0
2323
- spacy==2.2.4
24-
- pystan==2.19.1.1
2524
- prophet==1.1.4
2625
- xgboost==1.3.3
2726
- matplotlib==3.7.1
2827
- https://aka.ms/automl-resources/packages/en_core_web_sm-2.1.0.tar.gz
29-
- -r https://automlsdkdataresources.blob.core.windows.net/validated-requirements/1.53.2/validated_darwin_requirements.txt [--no-deps]
28+
- -r https://automlsdkdataresources.blob.core.windows.net/validated-requirements/1.54.0/validated_darwin_requirements.txt [--no-deps]

how-to-use-azureml/automated-machine-learning/experimental/autofeaturization-codegen/codegen-for-autofeaturization.ipynb

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -97,7 +97,7 @@
9797
"metadata": {},
9898
"outputs": [],
9999
"source": [
100-
"print(\"This notebook was created using version 1.53.0 of the Azure ML SDK\")\n",
100+
"print(\"This notebook was created using version 1.54.0 of the Azure ML SDK\")\n",
101101
"print(\"You are currently using version\", azureml.core.VERSION, \"of the Azure ML SDK\")"
102102
]
103103
},

how-to-use-azureml/automated-machine-learning/experimental/autofeaturization-custom-model-training/custom-model-training-from-autofeaturization-run.ipynb

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -97,7 +97,7 @@
9797
"metadata": {},
9898
"outputs": [],
9999
"source": [
100-
"print(\"This notebook was created using version 1.53.0 of the Azure ML SDK\")\n",
100+
"print(\"This notebook was created using version 1.54.0 of the Azure ML SDK\")\n",
101101
"print(\"You are currently using version\", azureml.core.VERSION, \"of the Azure ML SDK\")"
102102
]
103103
},

how-to-use-azureml/automated-machine-learning/experimental/classification-credit-card-fraud-local-managed/auto-ml-classification-credit-card-fraud-local-managed.ipynb

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -92,7 +92,7 @@
9292
"metadata": {},
9393
"outputs": [],
9494
"source": [
95-
"print(\"This notebook was created using version 1.53.0 of the Azure ML SDK\")\n",
95+
"print(\"This notebook was created using version 1.54.0 of the Azure ML SDK\")\n",
9696
"print(\"You are currently using version\", azureml.core.VERSION, \"of the Azure ML SDK\")"
9797
]
9898
},

how-to-use-azureml/automated-machine-learning/experimental/regression-model-proxy/auto-ml-regression-model-proxy.ipynb

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -91,7 +91,7 @@
9191
"metadata": {},
9292
"outputs": [],
9393
"source": [
94-
"print(\"This notebook was created using version 1.53.0 of the Azure ML SDK\")\n",
94+
"print(\"This notebook was created using version 1.54.0 of the Azure ML SDK\")\n",
9595
"print(\"You are currently using version\", azureml.core.VERSION, \"of the Azure ML SDK\")"
9696
]
9797
},

how-to-use-azureml/automated-machine-learning/forecasting-pipelines/auto-ml-forecasting-pipelines.ipynb

Lines changed: 16 additions & 3 deletions
Original file line numberDiff line numberDiff line change
@@ -1,5 +1,21 @@
11
{
22
"cells": [
3+
{
4+
"cell_type": "markdown",
5+
"metadata": {},
6+
"source": [
7+
"Copyright (c) Microsoft Corporation. All rights reserved.\n",
8+
"\n",
9+
"Licensed under the MIT License."
10+
]
11+
},
12+
{
13+
"cell_type": "markdown",
14+
"metadata": {},
15+
"source": [
16+
"![Impressions](https://PixelServer20190423114238.azurewebsites.net/api/impressions/MachineLearningNotebooks/how-to-use-azureml/automated-machine-learning/forecasting-pipelines/auto-ml-forecasting-pipelines.png)"
17+
]
18+
},
319
{
420
"cell_type": "markdown",
521
"metadata": {},
@@ -55,7 +71,6 @@
5571
"import logging\n",
5672
"import os\n",
5773
"\n",
58-
"from matplotlib import pyplot as plt\n",
5974
"import pandas as pd\n",
6075
"\n",
6176
"import azureml.core\n",
@@ -441,8 +456,6 @@
441456
"metadata": {},
442457
"outputs": [],
443458
"source": [
444-
"from azureml.pipeline.core import PipelineData\n",
445-
"\n",
446459
"# The model name with which to register the trained model in the workspace.\n",
447460
"model_name_str = \"ojmodel\"\n",
448461
"model_name = PipelineParameter(\"model_name\", default_value=model_name_str)\n",

how-to-use-azureml/automated-machine-learning/local-run-classification-credit-card-fraud/auto-ml-classification-credit-card-fraud-local.ipynb

Lines changed: 16 additions & 0 deletions
Original file line numberDiff line numberDiff line change
@@ -1,5 +1,21 @@
11
{
22
"cells": [
3+
{
4+
"cell_type": "markdown",
5+
"metadata": {},
6+
"source": [
7+
"Copyright (c) Microsoft Corporation. All rights reserved.\n",
8+
"\n",
9+
"Licensed under the MIT License."
10+
]
11+
},
12+
{
13+
"cell_type": "markdown",
14+
"metadata": {},
15+
"source": [
16+
"![Impressions](https://PixelServer20190423114238.azurewebsites.net/api/impressions/MachineLearningNotebooks/how-to-use-azureml/automated-machine-learning/local-run-classification-credit-card-fraud/auto-ml-classification-credit-card-fraud-local.png)"
17+
]
18+
},
319
{
420
"cell_type": "markdown",
521
"metadata": {},

how-to-use-azureml/automated-machine-learning/regression/auto-ml-regression.ipynb

Lines changed: 16 additions & 0 deletions
Original file line numberDiff line numberDiff line change
@@ -1,5 +1,21 @@
11
{
22
"cells": [
3+
{
4+
"cell_type": "markdown",
5+
"metadata": {},
6+
"source": [
7+
"Copyright (c) Microsoft Corporation. All rights reserved.\n",
8+
"\n",
9+
"Licensed under the MIT License."
10+
]
11+
},
12+
{
13+
"cell_type": "markdown",
14+
"metadata": {},
15+
"source": [
16+
"![Impressions](https://PixelServer20190423114238.azurewebsites.net/api/impressions/MachineLearningNotebooks/how-to-use-azureml/automated-machine-learning/regression/auto-ml-regression.png)"
17+
]
18+
},
319
{
420
"cell_type": "markdown",
521
"metadata": {},

how-to-use-azureml/deployment/onnx/onnx-convert-aml-deploy-tinyyolo.ipynb

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -260,7 +260,7 @@
260260
"source": [
261261
"from azureml.core.conda_dependencies import CondaDependencies \n",
262262
"\n",
263-
"myenv = CondaDependencies.create(pip_packages=[\"numpy\", \"onnxruntime\", \"azureml-core\", \"azureml-defaults\"])\n",
263+
"myenv = CondaDependencies.create(pip_packages=[\"numpy\", \"onnxruntime==1.15.1\", \"azureml-core\", \"azureml-defaults\"])\n",
264264
"\n",
265265
"with open(\"myenv.yml\",\"w\") as f:\n",
266266
" f.write(myenv.serialize_to_string())"

how-to-use-azureml/deployment/onnx/onnx-inference-facial-expression-recognition-deploy.ipynb

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -334,7 +334,7 @@
334334
"from azureml.core.conda_dependencies import CondaDependencies \n",
335335
"\n",
336336
"\n",
337-
"myenv = CondaDependencies.create(pip_packages=[\"numpy\", \"onnxruntime\", \"azureml-core\", \"azureml-defaults\"])\n",
337+
"myenv = CondaDependencies.create(pip_packages=[\"numpy\", \"onnxruntime==1.15.1\", \"azureml-core\", \"azureml-defaults\"])\n",
338338
"\n",
339339
"with open(\"myenv.yml\",\"w\") as f:\n",
340340
" f.write(myenv.serialize_to_string())"

how-to-use-azureml/deployment/onnx/onnx-inference-mnist-deploy.ipynb

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -319,7 +319,7 @@
319319
"source": [
320320
"from azureml.core.conda_dependencies import CondaDependencies \n",
321321
"\n",
322-
"myenv = CondaDependencies.create(pip_packages=[\"numpy\", \"onnxruntime\", \"azureml-core\", \"azureml-defaults\"])\n",
322+
"myenv = CondaDependencies.create(pip_packages=[\"numpy\", \"onnxruntime==1.15.1\", \"azureml-core\", \"azureml-defaults\"])\n",
323323
"\n",
324324
"with open(\"myenv.yml\",\"w\") as f:\n",
325325
" f.write(myenv.serialize_to_string())"

how-to-use-azureml/deployment/onnx/onnx-modelzoo-aml-deploy-resnet50.ipynb

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -242,7 +242,7 @@
242242
"from azureml.core.conda_dependencies import CondaDependencies \n",
243243
"\n",
244244
"\n",
245-
"myenv = CondaDependencies.create(pip_packages=[\"numpy\", \"onnxruntime\", \"azureml-core\", \"azureml-defaults\"])\n",
245+
"myenv = CondaDependencies.create(pip_packages=[\"numpy\", \"onnxruntime==1.15.1\", \"azureml-core\", \"azureml-defaults\"])\n",
246246
"\n",
247247
"with open(\"myenv.yml\",\"w\") as f:\n",
248248
" f.write(myenv.serialize_to_string())"

how-to-use-azureml/deployment/onnx/onnx-train-pytorch-aml-deploy-mnist.ipynb

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -416,7 +416,7 @@
416416
"source": [
417417
"from azureml.core.conda_dependencies import CondaDependencies \n",
418418
"\n",
419-
"myenv = CondaDependencies.create(pip_packages=[\"numpy\",\"onnxruntime\",\"azureml-core\", \"azureml-defaults\"])\n",
419+
"myenv = CondaDependencies.create(pip_packages=[\"numpy\",\"onnxruntime==1.15.1\",\"azureml-core\", \"azureml-defaults\"])\n",
420420
"\n",
421421
"with open(\"myenv.yml\",\"w\") as f:\n",
422422
" f.write(myenv.serialize_to_string())"

how-to-use-azureml/ml-frameworks/pytorch/distributed-pytorch-with-distributeddataparallel/distributed-pytorch-with-distributeddataparallel.ipynb

Lines changed: 2 additions & 2 deletions
Original file line numberDiff line numberDiff line change
@@ -282,7 +282,7 @@
282282
"source": [
283283
"### Create an environment\n",
284284
"\n",
285-
"In this tutorial, we will use one of Azure ML's curated PyTorch environments for training. [Curated environments](https://docs.microsoft.com/azure/machine-learning/how-to-use-environments#use-a-curated-environment) are available in your workspace by default. Specifically, we will use the PyTorch 1.6 GPU curated environment."
285+
"In this tutorial, we will use one of Azure ML's curated PyTorch environments for training. [Curated environments](https://docs.microsoft.com/azure/machine-learning/how-to-use-environments#use-a-curated-environment) are available in your workspace by default. Specifically, we will use the PyTorch 2.0 GPU curated environment."
286286
]
287287
},
288288
{
@@ -293,7 +293,7 @@
293293
"source": [
294294
"from azureml.core import Environment\n",
295295
"\n",
296-
"pytorch_env = Environment.get(ws, name='azureml-acpt-pytorch-1.11-cuda11.3')"
296+
"pytorch_env = Environment.get(ws, name='azureml-acpt-pytorch-1.13-cuda11.7')"
297297
]
298298
},
299299
{

how-to-use-azureml/track-and-monitor-experiments/logging-api/logging-api.ipynb

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -101,7 +101,7 @@
101101
"\n",
102102
"# Check core SDK version number\n",
103103
"\n",
104-
"print(\"This notebook was created using SDK version 1.53.0, you are currently running version\", azureml.core.VERSION)"
104+
"print(\"This notebook was created using SDK version 1.54.0, you are currently running version\", azureml.core.VERSION)"
105105
]
106106
},
107107
{

how-to-use-azureml/work-with-data/datasets-tutorial/pipeline-with-datasets/keras-mnist-fashion/prepare.py

Lines changed: 4 additions & 4 deletions
Original file line numberDiff line numberDiff line change
@@ -28,9 +28,9 @@ def convert(imgf, labelf, outf, n):
2828
mounted_output_path = sys.argv[2]
2929
os.makedirs(mounted_output_path, exist_ok=True)
3030

31-
convert(os.path.join(mounted_input_path, 'mnist-fashion/train-images-idx3-ubyte'),
32-
os.path.join(mounted_input_path, 'mnist-fashion/train-labels-idx1-ubyte'),
31+
convert(os.path.join(mounted_input_path, 'train-images-idx3-ubyte'),
32+
os.path.join(mounted_input_path, 'train-labels-idx1-ubyte'),
3333
os.path.join(mounted_output_path, 'mnist_train.csv'), 60000)
34-
convert(os.path.join(mounted_input_path, 'mnist-fashion/t10k-images-idx3-ubyte'),
35-
os.path.join(mounted_input_path, 'mnist-fashion/t10k-labels-idx1-ubyte'),
34+
convert(os.path.join(mounted_input_path, 't10k-images-idx3-ubyte'),
35+
os.path.join(mounted_input_path, 't10k-labels-idx1-ubyte'),
3636
os.path.join(mounted_output_path, 'mnist_test.csv'), 10000)

index.md

Lines changed: 0 additions & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -86,7 +86,6 @@ Machine Learning notebook samples and encourage efficient retrieval of topics an
8686
|:----|:-----|:-------:|:----------------:|:-----------------:|:------------:|:------------:|
8787
| [Deploy MNIST digit recognition with ONNX Runtime](https://github.com/Azure/MachineLearningNotebooks/blob/master//how-to-use-azureml/deployment/onnx/onnx-inference-mnist-deploy.ipynb) | Image Classification | MNIST | Local | Azure Container Instance | ONNX | ONNX Model Zoo |
8888
| [Deploy Facial Expression Recognition (FER+) with ONNX Runtime](https://github.com/Azure/MachineLearningNotebooks/blob/master//how-to-use-azureml/deployment/onnx/onnx-inference-facial-expression-recognition-deploy.ipynb) | Facial Expression Recognition | Emotion FER | Local | Azure Container Instance | ONNX | ONNX Model Zoo |
89-
| :star:[Register model and deploy as webservice](https://github.com/Azure/MachineLearningNotebooks/blob/master//how-to-use-azureml/deployment/deploy-to-cloud/model-register-and-deploy.ipynb) | Deploy a model with Azure Machine Learning | Diabetes | None | Azure Container Instance | Scikit-learn | None |
9089
| [Train MNIST in PyTorch, convert, and deploy with ONNX Runtime](https://github.com/Azure/MachineLearningNotebooks/blob/master//how-to-use-azureml/deployment/onnx/onnx-train-pytorch-aml-deploy-mnist.ipynb) | Image Classification | MNIST | AML Compute | Azure Container Instance | ONNX | ONNX Converter |
9190
| [Deploy ResNet50 with ONNX Runtime](https://github.com/Azure/MachineLearningNotebooks/blob/master//how-to-use-azureml/deployment/onnx/onnx-modelzoo-aml-deploy-resnet50.ipynb) | Image Classification | ImageNet | Local | Azure Container Instance | ONNX | ONNX Model Zoo |
9291
| :star:[Convert and deploy TinyYolo with ONNX Runtime](https://github.com/Azure/MachineLearningNotebooks/blob/master//how-to-use-azureml/deployment/onnx/onnx-convert-aml-deploy-tinyyolo.ipynb) | Object Detection | PASCAL VOC | local | Azure Container Instance | ONNX | ONNX Converter |

setup-environment/configuration.ipynb

Lines changed: 1 addition & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -102,7 +102,7 @@
102102
"source": [
103103
"import azureml.core\n",
104104
"\n",
105-
"print(\"This notebook was created using version 1.53.0 of the Azure ML SDK\")\n",
105+
"print(\"This notebook was created using version 1.54.0 of the Azure ML SDK\")\n",
106106
"print(\"You are currently using version\", azureml.core.VERSION, \"of the Azure ML SDK\")"
107107
]
108108
},

0 commit comments

Comments
 (0)