Skip to content

Commit e7cc148

Browse files
committed
MORE branding changes
1 parent b13f883 commit e7cc148

20 files changed

+108
-108
lines changed

articles/machine-learning/service/how-to-track-experiments.md

Lines changed: 5 additions & 5 deletions
Original file line numberDiff line numberDiff line change
@@ -1,6 +1,6 @@
11
---
22
title: Log ML experiments & metrics
3-
titleSuffix: Azure Machine Learning service
3+
titleSuffix: Azure Machine Learning
44
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.
55
services: machine-learning
66
author: heatherbshapiro
@@ -17,10 +17,10 @@ ms.custom: seodec18
1717

1818
# Monitor Azure ML experiment runs and metrics
1919

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.
2121

2222
> [!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.
2424
2525
## Available metrics to track
2626

@@ -61,7 +61,7 @@ Before adding logging and submitting an experiment, you must set up the workspac
6161

6262
**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.
6363

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).
6565

6666
1. Create a training script in a local Jupyter notebook.
6767

@@ -87,7 +87,7 @@ The following example trains a simple sklearn Ridge model locally in a local Jup
8787
joblib.dump(value = reg, filename = 'model.pkl');
8888
```
8989

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.
9191

9292
```python
9393
# Get an experiment object from Azure Machine Learning

articles/machine-learning/service/how-to-train-chainer.md

Lines changed: 5 additions & 5 deletions
Original file line numberDiff line numberDiff line change
@@ -1,6 +1,6 @@
11
---
22
title: Train deep learning neural network with Chainer
3-
titleSuffix: Azure Machine Learning service
3+
titleSuffix: Azure Machine Learning
44
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.
55
services: machine-learning
66
ms.service: machine-learning
@@ -13,7 +13,7 @@ ms.date: 08/02/2019
1313
#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.
1414
---
1515

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
1717

1818
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.
1919
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'
2222

2323
Learn more about [deep learning vs machine learning](concept-deep-learning-vs-machine-learning.md).
2424

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.
2626

2727
## Prerequisites
2828

@@ -57,7 +57,7 @@ print("SDK version:", azureml.core.VERSION)
5757

5858
### Initialize a workspace
5959

60-
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.
6161

6262
Create a workspace object by reading the `config.json` file created in the [prerequisites section](#prerequisites):
6363

@@ -206,7 +206,7 @@ for f in run.get_file_names():
206206

207207
## Next steps
208208

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.
210210

211211
* [Tune hyperparameters](how-to-tune-hyperparameters.md)
212212

articles/machine-learning/service/how-to-train-keras.md

Lines changed: 8 additions & 8 deletions
Original file line numberDiff line numberDiff line change
@@ -1,7 +1,7 @@
11
---
22
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.
55
services: machine-learning
66
ms.service: machine-learning
77
ms.subservice: core
@@ -15,13 +15,13 @@ ms.custom: seodec18
1515
#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.
1616
---
1717

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
1919

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).
2121

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.
2323

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.
2525

2626
See the [conceptual article](concept-deep-learning-vs-machine-learning.md) for information on the differences between machine learning and deep learning.
2727

@@ -65,7 +65,7 @@ from azureml.core.compute_target import ComputeTargetException
6565

6666
### Initialize a workspace
6767

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.
6969

7070
Create a workspace object from the `config.json` file created in the [prerequisites section](#prerequisites).
7171

@@ -200,7 +200,7 @@ for f in run.get_file_names():
200200

201201
## Next steps
202202

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.
204204

205205
> [!div class="nextstepaction"]
206206
> [How and where to deploy models](how-to-deploy-and-where.md)

articles/machine-learning/service/how-to-train-ml-models.md

Lines changed: 2 additions & 2 deletions
Original file line numberDiff line numberDiff line change
@@ -1,7 +1,7 @@
11
---
22
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
55
ms.author: maxluk
66
author: maxluk
77
services: machine-learning

articles/machine-learning/service/how-to-train-pytorch.md

Lines changed: 6 additions & 6 deletions
Original file line numberDiff line numberDiff line change
@@ -1,6 +1,6 @@
11
---
22
title: Train deep learning neural network with PyTorch
3-
titleSuffix: Azure Machine Learning service
3+
titleSuffix: Azure Machine Learning
44
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.
55
services: machine-learning
66
ms.service: machine-learning
@@ -64,7 +64,7 @@ from azureml.train.dnn import PyTorch
6464

6565
### Initialize a workspace
6666

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.
6868

6969
Create a workspace object from the `config.json` file created in the [prerequisites section](#prerequisites).
7070

@@ -90,15 +90,15 @@ The dataset consists of about 120 training images each for turkeys and chickens,
9090

9191
### Prepare training scripts
9292

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.
9494

9595
Upload the Pytorch training script, `pytorch_train.py`.
9696

9797
```Python
9898
shutil.copy('pytorch_train.py', project_folder)
9999
```
100100

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`.
102102

103103
## Create a compute target
104104

@@ -186,7 +186,7 @@ for f in run.get_file_names():
186186

187187
## Distributed training
188188

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.
190190

191191
### Horovod
192192
[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
219219

220220
## Next steps
221221

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.
223223

224224
> [!div class="nextstepaction"]
225225
> [How and where to deploy models](how-to-deploy-and-where.md)

articles/machine-learning/service/how-to-train-scikit-learn.md

Lines changed: 4 additions & 4 deletions
Original file line numberDiff line numberDiff line change
@@ -1,6 +1,6 @@
11
---
22
title: Train machine learning models with scikit-learn
3-
titleSuffix: Azure Machine Learning service
3+
titleSuffix: Azure Machine Learning
44
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.
55
services: machine-learning
66
ms.service: machine-learning
@@ -14,7 +14,7 @@ ms.custom: seodec18
1414
#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.
1515
---
1616

17-
# Build scikit-learn models at scale with Azure Machine Learning service
17+
# Build scikit-learn models at scale with Azure Machine Learning
1818

1919
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.
2020

@@ -62,7 +62,7 @@ from azureml.core.compute_target import ComputeTargetException
6262

6363
### Initialize a workspace
6464

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.
6666

6767
Create a workspace object from the `config.json` file created in the [prerequisites section](#prerequisites).
6868

@@ -190,7 +190,7 @@ model = run.register_model(model_name='sklearn-iris', model_path='model.joblib')
190190
## Next steps
191191

192192

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.
194194

195195
> [!div class="nextstepaction"]
196196
> [How and where to deploy models](how-to-deploy-and-where.md)

0 commit comments

Comments
 (0)