You signed in with another tab or window. Reload to refresh your session.You signed out in another tab or window. Reload to refresh your session.You switched accounts on another tab or window. Reload to refresh your session.Dismiss alert
Copy file name to clipboardExpand all lines: articles/machine-learning/service/how-to-track-experiments.md
+5-5Lines changed: 5 additions & 5 deletions
Display the source diff
Display the rich diff
Original file line number
Diff line number
Diff line change
@@ -1,6 +1,6 @@
1
1
---
2
2
title: Log ML experiments & metrics
3
-
titleSuffix: Azure Machine Learning service
3
+
titleSuffix: Azure Machine Learning
4
4
description: Monitor your Azure ML experiments and monitor run metrics to enhance the model creation process. Add logging to your training script and view the logged results of a run. Use run.log, Run.start_logging, or ScriptRunConfig.
5
5
services: machine-learning
6
6
author: heatherbshapiro
@@ -17,10 +17,10 @@ ms.custom: seodec18
17
17
18
18
# Monitor Azure ML experiment runs and metrics
19
19
20
-
Enhance the model creation process by tracking your experiments and monitoring run metrics. In this article, learn how to add logging code to your training script, submit an experiment run, monitor that run, and inspect the results in Azure Machine Learning service.
20
+
Enhance the model creation process by tracking your experiments and monitoring run metrics. In this article, learn how to add logging code to your training script, submit an experiment run, monitor that run, and inspect the results in Azure Machine Learning.
21
21
22
22
> [!NOTE]
23
-
> Azure Machine Learning service may also log information from other sources during training, such as automated machine learning runs, or the Docker container that runs the training job. These logs are not documented. If you encounter problems and contact Microsoft support, they may be able to use these logs during troubleshooting.
23
+
> Azure Machine Learning may also log information from other sources during training, such as automated machine learning runs, or the Docker container that runs the training job. These logs are not documented. If you encounter problems and contact Microsoft support, they may be able to use these logs during troubleshooting.
24
24
25
25
## Available metrics to track
26
26
@@ -61,7 +61,7 @@ Before adding logging and submitting an experiment, you must set up the workspac
61
61
62
62
**start_logging** creates an interactive run for use in scenarios such as notebooks. Any metrics that are logged during the session are added to the run record in the experiment.
63
63
64
-
The following example trains a simple sklearn Ridge model locally in a local Jupyter notebook. To learn more about submitting experiments to different environments, see [Set up compute targets for model training with Azure Machine Learning service](https://docs.microsoft.com/azure/machine-learning/service/how-to-set-up-training-targets).
64
+
The following example trains a simple sklearn Ridge model locally in a local Jupyter notebook. To learn more about submitting experiments to different environments, see [Set up compute targets for model training with Azure Machine Learning](https://docs.microsoft.com/azure/machine-learning/service/how-to-set-up-training-targets).
65
65
66
66
1. Create a training script in a local Jupyter notebook.
67
67
@@ -87,7 +87,7 @@ The following example trains a simple sklearn Ridge model locally in a local Jup
87
87
joblib.dump(value= reg, filename='model.pkl');
88
88
```
89
89
90
-
2. Add experiment tracking using the Azure Machine Learning service SDK, and upload a persisted model into the experiment run record. The following code adds tags, logs, and uploads a model file to the experiment run.
90
+
2. Add experiment tracking using the Azure Machine Learning SDK, and upload a persisted model into the experiment run record. The following code adds tags, logs, and uploads a model file to the experiment run.
91
91
92
92
```python
93
93
# Get an experiment object from Azure Machine Learning
Copy file name to clipboardExpand all lines: articles/machine-learning/service/how-to-train-chainer.md
+5-5Lines changed: 5 additions & 5 deletions
Display the source diff
Display the rich diff
Original file line number
Diff line number
Diff line change
@@ -1,6 +1,6 @@
1
1
---
2
2
title: Train deep learning neural network with Chainer
3
-
titleSuffix: Azure Machine Learning service
3
+
titleSuffix: Azure Machine Learning
4
4
description: Learn how to run your PyTorch training scripts at enterprise scale using Azure Machine Learning's Chainer estimator class. The example script classifis handwritten digit images to build a deep learning neural network using the Chainer Python library running on top of numpy.
5
5
services: machine-learning
6
6
ms.service: machine-learning
@@ -13,7 +13,7 @@ ms.date: 08/02/2019
13
13
#Customer intent: As a Python Chainer developer, I need to combine open-source with a cloud platform to train, evaluate, and deploy my deep learning models at scale.
14
14
---
15
15
16
-
# Train and register Chainer models at scale with Azure Machine Learning service
16
+
# Train and register Chainer models at scale with Azure Machine Learning
17
17
18
18
In this article, learn how to run your [Chainer](https://chainer.org/) training scripts at enterprise scale using Azure Machine Learning's [Chainer estimator](https://docs.microsoft.com/python/api/azureml-train-core/azureml.train.dnn.chainer?view=azure-ml-py) class.
19
19
The example training script in this article uses the popular [MNIST dataset](http://yann.lecun.com/exdb/mnist/) to classify handwritten digits using a deep neural network (DNN) built using the Chainer Python library running on top of [numpy](https://www.numpy.org/).
@@ -22,7 +22,7 @@ Whether you're training a deep learning Chainer model from the ground-up or you'
22
22
23
23
Learn more about [deep learning vs machine learning](concept-deep-learning-vs-machine-learning.md).
24
24
25
-
If you don’t have an Azure subscription, create a free account before you begin. Try the [free or paid version of Azure Machine Learning service](https://aka.ms/AMLFree) today.
25
+
If you don’t have an Azure subscription, create a free account before you begin. Try the [free or paid version of Azure Machine Learning](https://aka.ms/AMLFree) today.
The [Azure Machine Learning service workspace](concept-workspace.md) is the top-level resource for the service. It provides you with a centralized place to work with all the artifacts you create. In the Python SDK, you can access the workspace artifacts by creating a [`workspace`](https://docs.microsoft.com/python/api/azureml-core/azureml.core.workspace.workspace?view=azure-ml-py) object.
60
+
The [Azure Machine Learning workspace](concept-workspace.md) is the top-level resource for the service. It provides you with a centralized place to work with all the artifacts you create. In the Python SDK, you can access the workspace artifacts by creating a [`workspace`](https://docs.microsoft.com/python/api/azureml-core/azureml.core.workspace.workspace?view=azure-ml-py) object.
61
61
62
62
Create a workspace object by reading the `config.json` file created in the [prerequisites section](#prerequisites):
63
63
@@ -206,7 +206,7 @@ for f in run.get_file_names():
206
206
207
207
## Next steps
208
208
209
-
In this article, you trained and registered a deep learning, neural network using Chainer on Azure Machine Learning service. To learn how to deploy a model, continue on to our [model deployment](how-to-deploy-and-where.md) article.
209
+
In this article, you trained and registered a deep learning, neural network using Chainer on Azure Machine Learning. To learn how to deploy a model, continue on to our [model deployment](how-to-deploy-and-where.md) article.
Copy file name to clipboardExpand all lines: articles/machine-learning/service/how-to-train-keras.md
+8-8Lines changed: 8 additions & 8 deletions
Display the source diff
Display the rich diff
Original file line number
Diff line number
Diff line change
@@ -1,7 +1,7 @@
1
1
---
2
2
title: Train deep learning neural network with Keras
3
-
titleSuffix: Azure Machine Learning service
4
-
description: Learn how to train and register a Keras deep neural network classification model running on TensorFlow using Azure Machine Learning service.
3
+
titleSuffix: Azure Machine Learning
4
+
description: Learn how to train and register a Keras deep neural network classification model running on TensorFlow using Azure Machine Learning.
5
5
services: machine-learning
6
6
ms.service: machine-learning
7
7
ms.subservice: core
@@ -15,13 +15,13 @@ ms.custom: seodec18
15
15
#Customer intent: As a Python Keras developer, I need to combine open-source with a cloud platform to train, evaluate, and deploy my deep learning models at scale.
16
16
---
17
17
18
-
# Train and register a Keras classification model with Azure Machine Learning service
18
+
# Train and register a Keras classification model with Azure Machine Learning
19
19
20
-
This article shows you how to train and register a Keras classification model built on TensorFlow using Azure Machine Learning service. It uses the popular [MNIST dataset](http://yann.lecun.com/exdb/mnist/) to classify handwritten digits using a deep neural network (DNN) built using the [Keras Python library](https://keras.io) running on top of [TensorFlow](https://www.tensorflow.org/overview).
20
+
This article shows you how to train and register a Keras classification model built on TensorFlow using Azure Machine Learning. It uses the popular [MNIST dataset](http://yann.lecun.com/exdb/mnist/) to classify handwritten digits using a deep neural network (DNN) built using the [Keras Python library](https://keras.io) running on top of [TensorFlow](https://www.tensorflow.org/overview).
21
21
22
-
Keras is a high-level neural network API capable of running top of other popular DNN frameworks to simplify development. With Azure Machine Learning service, you can rapidly scale out training jobs using elastic cloud compute resources. You can also track your training runs, version models, deploy models, and much more.
22
+
Keras is a high-level neural network API capable of running top of other popular DNN frameworks to simplify development. With Azure Machine Learning, you can rapidly scale out training jobs using elastic cloud compute resources. You can also track your training runs, version models, deploy models, and much more.
23
23
24
-
Whether you're developing a Keras model from the ground-up or you're bringing an existing model into the cloud, Azure Machine Learning service can help you build production-ready models.
24
+
Whether you're developing a Keras model from the ground-up or you're bringing an existing model into the cloud, Azure Machine Learning can help you build production-ready models.
25
25
26
26
See the [conceptual article](concept-deep-learning-vs-machine-learning.md) for information on the differences between machine learning and deep learning.
27
27
@@ -65,7 +65,7 @@ from azureml.core.compute_target import ComputeTargetException
65
65
66
66
### Initialize a workspace
67
67
68
-
The [Azure Machine Learning service workspace](concept-workspace.md) is the top-level resource for the service. It provides you with a centralized place to work with all the artifacts you create. In the Python SDK, you can access the workspace artifacts by creating a [`workspace`](https://docs.microsoft.com/python/api/azureml-core/azureml.core.workspace.workspace?view=azure-ml-py) object.
68
+
The [Azure Machine Learning workspace](concept-workspace.md) is the top-level resource for the service. It provides you with a centralized place to work with all the artifacts you create. In the Python SDK, you can access the workspace artifacts by creating a [`workspace`](https://docs.microsoft.com/python/api/azureml-core/azureml.core.workspace.workspace?view=azure-ml-py) object.
69
69
70
70
Create a workspace object from the `config.json` file created in the [prerequisites section](#prerequisites).
71
71
@@ -200,7 +200,7 @@ for f in run.get_file_names():
200
200
201
201
## Next steps
202
202
203
-
In this article, you trained and registered a Keras model on Azure Machine Learning service. To learn how to deploy a model, continue on to our model deployment article.
203
+
In this article, you trained and registered a Keras model on Azure Machine Learning. To learn how to deploy a model, continue on to our model deployment article.
204
204
205
205
> [!div class="nextstepaction"]
206
206
> [How and where to deploy models](how-to-deploy-and-where.md)
Copy file name to clipboardExpand all lines: articles/machine-learning/service/how-to-train-ml-models.md
+2-2Lines changed: 2 additions & 2 deletions
Display the source diff
Display the rich diff
Original file line number
Diff line number
Diff line change
@@ -1,7 +1,7 @@
1
1
---
2
2
title: Train ML models with estimators
3
-
titleSuffix: Azure Machine Learning service
4
-
description: Learn how to perform single-node and distributed training of traditional machine learning and deep learning models using Azure Machine Learning services Estimator class
3
+
titleSuffix: Azure Machine Learning
4
+
description: Learn how to perform single-node and distributed training of traditional machine learning and deep learning models using Azure Machine Learning Estimator class
Copy file name to clipboardExpand all lines: articles/machine-learning/service/how-to-train-pytorch.md
+6-6Lines changed: 6 additions & 6 deletions
Display the source diff
Display the rich diff
Original file line number
Diff line number
Diff line change
@@ -1,6 +1,6 @@
1
1
---
2
2
title: Train deep learning neural network with PyTorch
3
-
titleSuffix: Azure Machine Learning service
3
+
titleSuffix: Azure Machine Learning
4
4
description: Learn how to run your PyTorch training scripts at enterprise scale using Azure Machine Learning's PyTorch estimator class. The example scripts classify chicken and turkey images to build a deep learning neural network based on PyTorch's transfer learning tutorial.
5
5
services: machine-learning
6
6
ms.service: machine-learning
@@ -64,7 +64,7 @@ from azureml.train.dnn import PyTorch
64
64
65
65
### Initialize a workspace
66
66
67
-
The [Azure Machine Learning service workspace](concept-workspace.md) is the top-level resource for the service. It provides you with a centralized place to work with all the artifacts you create. In the Python SDK, you can access the workspace artifacts by creating a [`workspace`](https://docs.microsoft.com/python/api/azureml-core/azureml.core.workspace.workspace?view=azure-ml-py) object.
67
+
The [Azure Machine Learning workspace](concept-workspace.md) is the top-level resource for the service. It provides you with a centralized place to work with all the artifacts you create. In the Python SDK, you can access the workspace artifacts by creating a [`workspace`](https://docs.microsoft.com/python/api/azureml-core/azureml.core.workspace.workspace?view=azure-ml-py) object.
68
68
69
69
Create a workspace object from the `config.json` file created in the [prerequisites section](#prerequisites).
70
70
@@ -90,15 +90,15 @@ The dataset consists of about 120 training images each for turkeys and chickens,
90
90
91
91
### Prepare training scripts
92
92
93
-
In this tutorial, the training script, `pytorch_train.py`, is already provided. In practice, you can take any custom training script, as is, and run it with Azure Machine Learning service.
93
+
In this tutorial, the training script, `pytorch_train.py`, is already provided. In practice, you can take any custom training script, as is, and run it with Azure Machine Learning.
94
94
95
95
Upload the Pytorch training script, `pytorch_train.py`.
96
96
97
97
```Python
98
98
shutil.copy('pytorch_train.py', project_folder)
99
99
```
100
100
101
-
However, if you would like to use Azure Machine Learning service tracking and metrics capabilities, you will have to add a small amount code inside your training script. Examples of metrics tracking can be found in `pytorch_train.py`.
101
+
However, if you would like to use Azure Machine Learning tracking and metrics capabilities, you will have to add a small amount code inside your training script. Examples of metrics tracking can be found in `pytorch_train.py`.
102
102
103
103
## Create a compute target
104
104
@@ -186,7 +186,7 @@ for f in run.get_file_names():
186
186
187
187
## Distributed training
188
188
189
-
The [`PyTorch`](https://docs.microsoft.com/python/api/azureml-train-core/azureml.train.dnn.pytorch?view=azure-ml-py) estimator also supports distributed training across CPU and GPU clusters. You can easily run distributed PyTorch jobs and Azure Machine Learning service will manage the orchestration for you.
189
+
The [`PyTorch`](https://docs.microsoft.com/python/api/azureml-train-core/azureml.train.dnn.pytorch?view=azure-ml-py) estimator also supports distributed training across CPU and GPU clusters. You can easily run distributed PyTorch jobs and Azure Machine Learning will manage the orchestration for you.
190
190
191
191
### Horovod
192
192
[Horovod](https://github.com/uber/horovod) is an open-source, all reduce framework for distributed training developed by Uber. It offers an easy path to distributed GPU PyTorch jobs.
@@ -219,7 +219,7 @@ To optimize inference with the [ONNX Runtime](concept-onnx.md), convert your tra
219
219
220
220
## Next steps
221
221
222
-
In this article, you trained and registered a deep learning, neural network using PyTorch on Azure Machine Learning service. To learn how to deploy a model, continue on to our model deployment article.
222
+
In this article, you trained and registered a deep learning, neural network using PyTorch on Azure Machine Learning. To learn how to deploy a model, continue on to our model deployment article.
223
223
224
224
> [!div class="nextstepaction"]
225
225
> [How and where to deploy models](how-to-deploy-and-where.md)
Copy file name to clipboardExpand all lines: articles/machine-learning/service/how-to-train-scikit-learn.md
+4-4Lines changed: 4 additions & 4 deletions
Display the source diff
Display the rich diff
Original file line number
Diff line number
Diff line change
@@ -1,6 +1,6 @@
1
1
---
2
2
title: Train machine learning models with scikit-learn
3
-
titleSuffix: Azure Machine Learning service
3
+
titleSuffix: Azure Machine Learning
4
4
description: Learn how to run your scikit-learn training scripts at enterprise scale using Azure Machine Learning's SKlearn estimator class. The example scripts classify iris flower images to build a machine learning model based on scikit-learn's iris dataset.
5
5
services: machine-learning
6
6
ms.service: machine-learning
@@ -14,7 +14,7 @@ ms.custom: seodec18
14
14
#Customer intent: As a Python scikit-learn developer, I need to combine open-source with a cloud platform to train, evaluate, and deploy my machine learning models at scale.
15
15
---
16
16
17
-
# Build scikit-learn models at scale with Azure Machine Learning service
17
+
# Build scikit-learn models at scale with Azure Machine Learning
18
18
19
19
In this article, learn how to run your scikit-learn training scripts at enterprise scale using Azure Machine Learning's [SKlearn estimator](https://docs.microsoft.com/python/api/azureml-train-core/azureml.train.sklearn.sklearn?view=azure-ml-py) class.
20
20
@@ -62,7 +62,7 @@ from azureml.core.compute_target import ComputeTargetException
62
62
63
63
### Initialize a workspace
64
64
65
-
The [Azure Machine Learning service workspace](concept-workspace.md) is the top-level resource for the service. It provides you with a centralized place to work with all the artifacts you create. In the Python SDK, you can access the workspace artifacts by creating a [`workspace`](https://docs.microsoft.com/python/api/azureml-core/azureml.core.workspace.workspace?view=azure-ml-py) object.
65
+
The [Azure Machine Learning workspace](concept-workspace.md) is the top-level resource for the service. It provides you with a centralized place to work with all the artifacts you create. In the Python SDK, you can access the workspace artifacts by creating a [`workspace`](https://docs.microsoft.com/python/api/azureml-core/azureml.core.workspace.workspace?view=azure-ml-py) object.
66
66
67
67
Create a workspace object from the `config.json` file created in the [prerequisites section](#prerequisites).
68
68
@@ -190,7 +190,7 @@ model = run.register_model(model_name='sklearn-iris', model_path='model.joblib')
190
190
## Next steps
191
191
192
192
193
-
In this article, you trained and registered a Keras model on Azure Machine Learning service. To learn how to deploy a model, continue on to our model deployment article.
193
+
In this article, you trained and registered a Keras model on Azure Machine Learning. To learn how to deploy a model, continue on to our model deployment article.
194
194
195
195
> [!div class="nextstepaction"]
196
196
> [How and where to deploy models](how-to-deploy-and-where.md)
0 commit comments