Dotnet Machine Learning
Dotnet Machine Learning
ML.NET Documentation
Learn how to use open-source ML.NET to build custom machine learning models and
integrate them into apps. Tutorials, code examples, and more show you how.
ML.NET Basics
e OVERVIEW
What is ML.NET?
q VIDEO
p CONCEPT
b GET STARTED
ML.NET on Q&A
f QUICKSTART
Tutorials
d TRAINING
Predictive maintenance (Model Builder)
g TUTORIAL
How-to guides
c HOW-TO GUIDE
Retrain a model
Reference
i REFERENCE
ML.NET samples
What is Model Builder and how does it
work?
Article • 11/10/2022
ML.NET Model Builder is an intuitive graphical Visual Studio extension to build, train,
and deploy custom machine learning models.
Model Builder uses automated machine learning (AutoML) to explore different machine
learning algorithms and settings to help you find the one that best suits your scenario.
You don't need machine learning expertise to use Model Builder. All you need is some
data, and a problem to solve. Model Builder generates the code to add the model to
your .NET application.
The mbconfig file keeps track of everything you do in Model Builder to allow you to
reopen the session.
After training, three files are generated under the *.mbconfig file:
Model.consumption.cs: This file contains the ModelInput and ModelOutput
schemas as well as the Predict function generated for consuming the model.
Model.training.cs: This file contains the training pipeline (data transforms,
algorithm, algorithm hyperparameters) chosen by Model Builder to train the
model. You can use this pipeline for re-training your model.
Model.zip: This is a serialized zip file which represents your trained ML.NET model.
When you create your mbconfig file, you're prompted for a name. This name is applied
to the consumption, training, and model files. In this case, the name used is Model.
Scenario
You can bring many different scenarios to Model Builder, to generate a machine
learning model for your application.
A scenario is a description of the type of prediction you want to make using your data.
For example:
Task Scenario
Recommendation Recommendation
Forecasting Forecasting
For example, the scenario of classifying sentiments as positive or negative would fall
under the binary classification task.
For more information about the different ML Tasks supported by ML.NET see Machine
learning tasks in ML.NET.
Which machine learning scenario is right for me?
In Model Builder, you need to select a scenario. The type of scenario depends on what
type of prediction you are trying to make.
Tabular
Data classification
Sample Input
Sample Output
Predicted species
setosa
Value prediction
Value prediction, which falls under the regression task, is used to predict numbers.
Sample Input
Sample Output
Predicted Fare
4.5
Recommendation
The recommendation scenario predicts a list of suggested items for a particular user,
based on how similar their likes and dislikes are to other users'.
You can use the recommendation scenario when you have a set of users and a set of
"products", such as items to purchase, movies, books, or TV shows, along with a set of
users' "ratings" of those products.
Sample Input
Sample Output
1 2 4.2
Predicted rating
4.5
Forecasting
The forecasting scenario uses historical data with a time-series or seasonal component
to it.
You can use the forecasting scenario to forecast demand or sale for a product.
Sample Input
Sample Output
Date SaleQty
1/1/1970 1000
3 Day Forecast
[1000,1001,1002]
Computer Vision
Image classification
You can use the image classification scenario if you have a set of images, and you want
to classify the images into different categories.
Sample Input
Sample Output
Predicted Label
Dog
Object detection
Object detection is used to locate and categorize entities within images. For example,
locating and identifying cars and people in an image.
You can use object detection when images contain multiple objects of different types.
Sample Input
Sample Output
Text classification
Text classification categorizes raw text input.
You can use the text classification scenario if you have a set of documents or comments,
and you want to classify them into different categories.
Example Input
Example Output
Review
Sentiment
Positive
Environment
You can train your machine learning model locally on your machine or in the cloud on
Azure, depending on the scenario.
When you train locally, you work within the constraints of your computer resources
(CPU, memory, and disk). When you train in the cloud, you can scale up your resources
to meet the demands of your scenario, especially for large datasets.
Data classification ✔️ ❌ ❌
Value prediction ✔️ ❌ ❌
Recommendation ✔️ ❌ ❌
Forecasting ✔️ ❌ ❌
Image classification ✔️ ✔️ ✔️
Object detection ❌ ❌ ✔️
Text classification ✔️ ✔️ ❌
Data
Once you have chosen your scenario, Model Builder asks you to provide a dataset. The
data is used to train, evaluate, and choose the best model for your scenario.
Model Builder supports datasets in .tsv, .csv, .txt formats, as well as SQL database
format. If you have a .txt file, columns should be separated with , , ; or \t .
If the dataset is made up of images, the supported file types are .jpg and .png .
For more information, see Load training data into Model Builder.
The label is the historical house price for that row of square footage, bedroom, and
bathroom values and zip code.
Example datasets
If you don't have your own data yet, try out one of these datasets:
Value prediction Predict taxi fare taxi fare Fare Trip time,
price data distance
Image Predict the flower The type of flower: daisy, The image data
classification category of a images dandelion, roses, itself
flower sunflowers, tulips
Scenario Example Data Label Features
Train
Once you select your scenario, environment, data, and label, Model Builder trains the
model.
What is training?
Training is an automatic process by which Model Builder teaches your model how to
answer questions for your scenario. Once trained, your model can make predictions with
input data that it has not seen before. For example, if you are predicting house prices
and a new house comes on the market, you can predict its sale price.
Because Model Builder uses automated machine learning (AutoML), it does not require
any input or tuning from you during training.
Longer training periods allow AutoML to explore more models with a wider range of
settings.
The table below summarizes the average time taken to get good performance for a
suite of example datasets, on a local machine.
0 - 10 MB 10 sec
10 - 100 MB 10 min
500 - 1 GB 60 min
1 GB+ 3+ hours
These numbers are a guide only. The exact length of training is dependent on:
It's generally advised that you use more than 100 rows as datasets with less than that
may not produce any results.
Evaluate
Evaluation is the process of measuring how good your model is. Model Builder uses the
trained model to make predictions with new test data, and then measures how good the
predictions are.
Model Builder splits the training data into a training set and a test set. The training data
(80%) is used to train your model and the test data (20%) is held back to evaluate your
model.
Value prediction
The default metric for value prediction problems is RSquared, the value of RSquared
ranges between 0 and 1. 1 is the best possible value or in other words the closer the
value of RSquared to 1 the better your model is performing.
Other metrics reported such as absolute-loss, squared-loss, and RMS loss are additional
metrics, which can be used to understand how your model is performing and comparing
it against other value prediction models.
Classification (2 categories)
The default metric for classification problems is accuracy. Accuracy defines the
proportion of correct predictions your model is making over the test dataset. The closer
to 100% or 1.0 the better it is.
Other metrics reported such as AUC (Area under the curve), which measures the true
positive rate vs. the false positive rate should be greater than 0.50 for models to be
acceptable.
Additional metrics like F1 score can be used to control the balance between Precision
and Recall.
Micro-accuracy: How often does an incoming ticket get classified to the right
team?
Macro-accuracy: For an average team, how often is an incoming ticket correct for
their team?
Improve
If your model performance score is not as good as you want it to be, you can:
Train for a longer period of time. With more time, the automated machine learning
engine experiments with more algorithms and settings.
Add more data. Sometimes the amount of data is not sufficient to train a high-
quality machine learning model.This is especially true with datasets that have a
small number of examples.
Balance your data. For classification tasks, make sure that the training set is
balanced across the categories. For example, if you have four classes for 100
training examples, and the two first classes (tag1 and tag2) are used for 90 records,
but the other two (tag3 and tag4) are only used on the remaining 10 records, the
lack of balanced data may cause your model to struggle to correctly predict tag3
or tag4.
Consume
After the evaluation phase, Model Builder outputs a model file, and code that you can
use to add the model to your application. ML.NET models are saved as a zip file. The
code to load and use your model is added as a new project in your solution. Model
Builder also adds a sample console app that you can run to see your model in action.
In addition, Model Builder gives you the option to create projects that consume your
model. Currently, Model Builder will create the following projects:
Console app: Creates a .NET Core console applications to make predictions from
your model.
Web API: Creates an ASP.NET Core Web API that lets you consume your model
over the internet.
What's next?
Install the Model Builder Visual Studio extension
To use the ML.NET API by itself, (without the ML.NET AutoML CLI) you need to choose a
trainer (implementation of a machine learning algorithm for a particular task), and the
set of data transformations (feature engineering) to apply to your data. The optimal
pipeline will vary for each dataset and selecting the optimal algorithm from all the
choices adds to the complexity. Even further, each algorithm has a set of
hyperparameters to be tuned. Hence, you can spend weeks and sometimes months on
machine learning model optimization trying to find the best combinations of feature
engineering, learning algorithms, and hyperparameters.
The ML.NET CLI simplifies this process using automated machine learning (AutoML).
7 Note
This topic refers to ML.NET CLI and ML.NET AutoML, which are currently in Preview,
and material may be subject to change.
As shown in the following figure, it is simple to generate a high quality ML.NET model
(serialized model .zip file) plus the sample C# code to run/score that model. In addition,
the C# code to create/train that model is also generated, so that you can research and
iterate on the algorithm and settings used for that generated "best model".
You can generate those assets from your own datasets without coding by yourself, so it
also improves your productivity even if you already know ML.NET.
classification
regression
recommendation
image classification
forecasting
train
The ML.NET CLI can be installed based on your operating system and its architecture
with the following command:
Console
Console
For more information, see the Install the ML.NET CLI how-to guide.
Console
mlnet classification --dataset "yelp_labelled.txt" --label-col 1 --has-
header false --train-time 10
You can run it the same way on Windows PowerShell, macOS/Linux bash, or Windows
CMD. However, tabular auto-completion (parameter suggestions) won't work on
Windows CMD.
A serialized model .zip ("best model") ready to use for running predictions.
C# solution with:
C# code to run/score that generated model (to make predictions in your end-
user apps with that model).
C# code with the training code used to generate that model (for learning
purposes or model retraining).
Log file with information of all iterations/sweeps across the multiple algorithms
evaluated, including their detailed configuration/pipeline.
The first two assets can directly be used in your end-user apps (ASP.NET Core web app,
services, desktop app, etc.) to make predictions with that generated ML model.
The third asset, the training code, shows you what ML.NET API code was used by the CLI
to train the generated model, so you can retrain your model and investigate and iterate
on which specific trainer/algorithm and hyperparameters were selected by the CLI and
AutoML under the covers.
Here those metrics are summarized grouped by ML task so you can understand the
quality of your auto-generated 'best model'.
Accuracy is a popular metric for classification problems, however accuracy isn't always
the best metric to select the best model from as explained in the following references.
There are cases where you need to evaluate the quality of your model with additional
metrics.
To explore and understand the metrics that are output by the CLI, see Evaluation metrics
for classification.
You'll see a similar list of metrics for the top five quality models found by the CLI, except
in this case, the top five are related to a regression ML task:
To explore and understand the metrics that are output by the CLI, see Evaluation metrics
for regression.
See also
How to install the ML.NET CLI tool
Tutorial: Analyze sentiment using the ML.NET CLI
ML.NET CLI command reference
Telemetry in ML.NET CLI
What is ML.NET and how does it work?
Article • 11/10/2022
ML.NET gives you the ability to add machine learning to .NET applications, in either
online or offline scenarios. With this capability, you can make automatic predictions
using the data available to your application. Machine learning applications make use of
patterns in the data to make predictions rather than needing to be explicitly
programmed.
Central to ML.NET is a machine learning model. The model specifies the steps needed to
transform your input data into a prediction. With ML.NET, you can train a custom model
by specifying an algorithm, or you can import pre-trained TensorFlow and ONNX
models.
Once you have a model, you can add it to your application to make the predictions.
ML.NET runs on Windows, Linux, and macOS using .NET Core, or Windows using .NET
Framework. 64 bit is supported on all platforms. 32 bit is supported on Windows, except
for TensorFlow, LightGBM, and ONNX-related functionality.
Examples of the type of predictions that you can make with ML.NET:
Classification/Categorization
Anomaly Detection
Recommendations
Suggest products that online shoppers may want to buy, based on their previous
purchases
Text classification
Sentence similarity
C#
using System;
using Microsoft.ML;
using Microsoft.ML.Data;
class Program
{
public class HouseData
{
public float Size { get; set; }
public float Price { get; set; }
}
// 3. Train model
var model = pipeline.Fit(trainingData);
// 4. Make a prediction
var size = new HouseData() { Size = 2.5F };
var price = mlContext.Model.CreatePredictionEngine<HouseData,
Prediction>(model).Predict(size);
Code workflow
The following diagram represents the application code structure, as well as the iterative
process of model development:
Basic
The most basic model is two-dimensional linear regression, where one continuous
quantity is proportional to another, as in the house price example above.
The model is simply: Price = b + Size ∗ w. The parameters b and w are estimated by
fitting a line on a set of (size, price) pairs. The data used to find the parameters of the
model is called training data. The inputs of a machine learning model are called
features. In this example, Size is the only feature. The ground-truth values used to train a
machine learning model are called labels. Here, the Price values in the training data set
are the labels.
More complex
A more complex model classifies financial transactions into categories using the
transaction text description.
Data preparation
In most cases, the data that you have available isn't suitable to be used directly to train a
machine learning model. The raw data needs to be prepared, or pre-processed, before it
can be used to find the parameters of your model. Your data may need to be converted
from string values to a numerical representation. You might have redundant information
in your input data. You may need to reduce or expand the dimensions of your input
data. Your data might need to be normalized or scaled.
The ML.NET tutorials teach you about different data processing pipelines for text, image,
numerical, and time-series data used for specific machine learning tasks.
How to prepare your data shows you how to apply data preparation more generally.
You can find an appendix of all of the available transformations in the resources section.
Model evaluation
Once you have trained your model, how do you know how well it will make future
predictions? With ML.NET, you can evaluate your model against some new test data.
Each type of machine learning task has metrics used to evaluate the accuracy and
precision of the model against the test data set.
For our house price example, we used the Regression task. To evaluate the model, add
the following code to the original sample.
C#
HouseData[] testHouseData =
{
new HouseData() { Size = 1.1F, Price = 0.98F },
new HouseData() { Size = 1.9F, Price = 2.1F },
new HouseData() { Size = 2.8F, Price = 2.9F },
new HouseData() { Size = 3.4F, Price = 3.6F }
};
var testHouseDataView =
mlContext.Data.LoadFromEnumerable(testHouseData);
var testPriceDataView = model.Transform(testHouseDataView);
Console.WriteLine($"R^2: {metrics.RSquared:0.##}");
Console.WriteLine($"RMS error:
{metrics.RootMeanSquaredError:0.##}");
// R^2: 0.96
// RMS error: 0.19
The evaluation metrics tell you that the error is low-ish, and that correlation between the
predicted output and the test output is high. That was easy! In real examples, it takes
more tuning to achieve good model metrics.
ML.NET architecture
In this section, we go through the architectural patterns of ML.NET. If you are an
experienced .NET developer, some of these patterns will be familiar to you, and some
will be less familiar. Hold tight, while we dive in!
An ML.NET application starts with an MLContext object. This singleton object contains
catalogs. A catalog is a factory for data loading and saving, transforms, trainers, and
model operation components. Each catalog object has methods to create the different
types of components:
DataOperationsCatalog
Data preparation
TransformsCatalog
Training algorithms
Binary classification
BinaryClassificationCatalog
Multiclass classification
MulticlassClassificationCatalog
Anomaly detection
AnomalyDetectionCatalog
Clustering
ClusteringCatalog
Forecasting
ForecastingCatalog
Ranking
RankingCatalog
Regression
RegressionCatalog
Recommendation
RecommendationCatalog
TimeSeries
TimeSeriesCatalog
Model usage
ModelOperationsCatalog
You can navigate to the creation methods in each of the above categories. Using Visual
Studio, the catalogs show up via IntelliSense.
C#
In the snippet, Concatenate and Sdca are both methods in the catalog. They each create
an IEstimator object that is appended to the pipeline.
At this point, the objects are created only. No execution has happened.
Train the model
Once the objects in the pipeline have been created, data can be used to train the model.
C#
Calling Fit() uses the input training data to estimate the parameters of the model. This
is known as training the model. Remember, the linear regression model above had two
model parameters: bias and weight. After the Fit() call, the values of the parameters
are known. Most models will have many more parameters than this.
You can learn more about model training in How to train your model.
The resulting model object implements the ITransformer interface. That is, the model
transforms input data into predictions.
C#
C#
The CreatePredictionEngine() method takes an input class and an output class. The
field names and/or code attributes determine the names of the data columns used
during model training and prediction. For more information, see Make predictions with
a trained model.
Each transformation in the pipeline has an input schema (data names, types, and sizes
that the transform expects to see on its input); and an output schema (data names,
types, and sizes that the transform produces after the transformation).
If the output schema from one transform in the pipeline doesn't match the input
schema of the next transform, ML.NET will throw an exception.
A data view object has columns and rows. Each column has a name and a type and a
length. For example, the input columns in the house price example are Size and Price.
They are both type and they are scalar quantities rather than vector ones.
All ML.NET algorithms look for an input column that is a vector. By default this vector
column is called Features. This is why we concatenated the Size column into a new
column called Features in our house price example.
C#
All algorithms also create new columns after they have performed a prediction. The
fixed names of these new columns depend on the type of machine learning algorithm.
For the regression task, one of the new columns is called Score. This is why we
attributed our price data with this name.
C#
public class Prediction
{
[ColumnName("Score")]
public float Price { get; set; }
}
You can find out more about output columns of different machine learning tasks in the
Machine Learning Tasks guide.
An important property of DataView objects is that they are evaluated lazily. Data views
are only loaded and operated on during model training and evaluation, and data
prediction. While you are writing and testing your ML.NET application, you can use the
Visual Studio debugger to take a peek at any data view object by calling the Preview
method.
C#
You can watch the debug variable in the debugger and examine its contents. Do not use
the Preview method in production code, as it significantly degrades performance.
Model Deployment
In real-life applications, your model training and evaluation code will be separate from
your prediction. In fact, these two activities are often performed by separate teams. Your
model development team can save the model for use in the prediction application.
C#
mlContext.Model.Save(model, trainingData.Schema,"model.zip");
Next steps
Learn how to build applications using different machine learning tasks with more
realistic data sets in the tutorials.
If you're super keen, you can dive straight into the API Reference documentation.
What is Automated Machine Learning
(AutoML)?
Article • 11/10/2022
7 Note
This topic refers to the ML.NET AutoML API, which is currently in preview. Material
may be subject to change.
Define a problem
Collect data
Preprocess data
Train a model
Evaluate the model
Preprocessing, training, and evaluation are an experimental and iterative process that
requires multiple trials until you achieve satisfactory results. Because these tasks tend to
be repetitive, AutoML can help automate these steps. In addition to automation,
optimization techniques are used during the training and evaluation process to find and
select algorithms and hyperparameters.
AutoML in ML.NET
Featurizer - Convenience API to automate data preprocessing.
Trial - A single hyperparamters optimization run.
Experiment - A collection of AutoML trials. ML.NET provides a high-level API for
creating experiments which sets defaults for the individual Sweepable Pipeline,
Search Space, and Tuner components.
Search Space - The range of available options to choose hyperparameters from.
Tuner - The algorithms used to optimize hyperparameters. ML.NET supports the
following tuners:
Cost Frugal Tuner - Implementation of Frugal Optimization for Cost-related
Hyperparameters which takes training cost into consideration
Eci Cost Frugal Tuner - Implementation of Cost Frugal Tuner for hierarchical
search spaces. Default tuner used by AutoML.
SMAC - Tuner that uses random forests to apply Bayesian optimization.
Grid Search - Tuner that works best for small search spaces.
Random Search
Sweepable Estimator - An ML.NET estimator that contains a search space.
Sweepable Pipeline - An ML.NET pipeline that contains one or more Sweepable
Estimators.
Trial Runner - AutoML component that uses sweepable pipelines and trial settings
to generate trial results from model training and evaluation.
It's recommended for beginners to start with the defaults provided by the high-level
experiment API. For more experienced users looking for customization options, use the
sweepable estimator, sweepable pipeline, search space, trial runner and tuner
components.
For more information on getting started with the AutoML API, see the How to use the
ML.NET Automated Machine Learning (AutoML) API guide.
Supported tasks
AutoML provides preconfigured defaults for the following tasks:
Binary classification
Multiclass classification
Regression
For other tasks, you can build your own trial runner to enable those scenarios. For more
information, see the How to use the ML.NET Automated Machine Learning (AutoML) API
guide.
Next steps
How to use the ML.NET Automated Machine Learning (AutoML) API
Tutorial: Classify the severity of restaurant health violations with Model Builder
Tutorial: Analyze sentiment using the ML.NET CLI
Tutorial: Predict prices using regression
with Model Builder
Article • 11/10/2022
Learn how to use ML.NET Model Builder to build a regression model to predict prices.
The .NET console app that you develop in this tutorial predicts taxi fares based on
historical New York taxi fare data.
The Model Builder price prediction template can be used for any scenario requiring a
numerical prediction value. Example scenarios include: house price prediction, demand
prediction, and sales forecasting.
Pre-requisites
For a list of pre-requisites and installation instructions, visit the Model Builder
installation guide.
2. The data set used to train and evaluate the machine learning model is originally
from the NYC TLC Taxi Trip data set.
c. Use the Save As Dialog to save the file in the Data folder you created at the
previous step.
Each row in the taxi-fare-train.csv data set contains details of trips made by a taxi.
The label is the column you want to predict. When performing a regression task, the
goal is to predict a numerical value. In this price prediction scenario, the cost of a taxi
ride is being predicted. Therefore, the fare_amount is the label. The identified features
are the inputs you give the model to predict the label . In this case, the rest of the
columns with the exception of trip_time_in_secs are used as features or inputs to predict
the fare amount.
1. In Solution Explorer, right-click the TaxiFarePrediction project, and select Add >
Machine Learning Model....
2. Name the mbconfig project TaxiFarePrediction, and click the Add button.
Choose a scenario
To train your model, you need to select from the list of available machine learning
scenarios provided by Model Builder. In this case, the scenario is Value prediction .
1. In the scenario step of the Model Builder tool, select Value prediction scenario.
1. Confirm the Local (CPU) item is selected, and click the Next step button.
1. In the data step of the Model Builder tool, select File from the data source type
selection.
2. Select the Browse button next to the text box and use File Explorer to browse and
select the taxi-fare-test.csv in the Data directory
3. Choose fare_amount in the Column to predict (Label) dropdown.
4. Click the Advanced data options link.
5. In the Column settings tab, select the Purpose dropdown for the trip_time_in_secs
column, and select Ignore to exclude it as a feature during training. Click the Save
button to close the dialog.
6. Click the Next step button.
The time required for the model to train is proportionate to the amount of data. Model
Builder automatically selects a default value for Time to train (seconds) based on the
size of your data source.
1. Leave the default value as is for Time to train (seconds) unless you prefer to train
for a longer time.
2. Select Start Training.
Throughout the training process, progress data is displayed in the Training results
section of the train step.
Once training is complete the mbconfig file will have the generated model called
TaxiFarePrediction.zip after training and two C# files with it:
TaxiFare.consumption.cs: This file has a public method that will load the model
and create a prediction engine with it and return the prediction.
TaxiFare.training.cs: This file consists of the training pipeline that Model Builder
came up with to build the best model including any hyperparameters that it used.
Additionally, in the Output window of Visual Studio, there will be a summary table
containing top models and their metrics.
This section will also allow you to test your model by performing a single prediction. It
will offer text boxes to fill in values and you can click the Predict button to get a
prediction from the best model. By default this will be filled in by a random row in your
dataset.
If you're not satisfied with your accuracy metrics, some easy ways to try and improve
model accuracy are to increase the amount of time to train the model or use more data.
Otherwise, click Next step to navigate to the consume step.
Console App
Web API
Console App
When adding a console app to your solution, you will be prompted to name the project.
The output generated by the program should look similar to the snippet below:
Bash
4. Open PowerShell and enter the following code where PORT is the port your
application is listening on.
PowerShell
$body = @{
Vendor_id="CMT"
Rate_code=1.0
Passenger_count=1.0
Trip_distance=3.8
Payment_type="CRD"
}
PowerShell
score
-----
15.020833
Next Steps
In this tutorial, you learned how to:
Learn how to use ML.NET CLI to automatically generate an ML.NET model and
underlying C# code. You provide your dataset and the machine learning task you want
to implement, and the CLI uses the AutoML engine to create model generation and
deployment source code, as well as the classification model.
7 Note
This topic refers to the ML.NET CLI tool, which is currently in Preview, and material
may be subject to change. For more information, visit the ML.NET page.
The ML.NET CLI is part of ML.NET and its main goal is to "democratize" ML.NET for .NET
developers when learning ML.NET so you don't need to code from scratch to get
started.
You can run the ML.NET CLI on any command-prompt (Windows, Mac, or Linux) to
generate good quality ML.NET models and source code based on training datasets you
provide.
Pre-requisites
.NET Core 6 SDK or later
(Optional) Visual Studio
ML.NET CLI
You can either run the generated C# code projects from Visual Studio or with dotnet
run (.NET CLI).
1. Download The UCI Sentiment Labeled Sentences dataset zip file (see citations in
the following note) , and unzip it on any folder you choose.
7 Note
The datasets this tutorial uses a dataset from the 'From Group to Individual
Labels using Deep Features', Kotzias et al,. KDD 2015, and hosted at the UCI
Machine Learning Repository - Dua, D. and Karra Taniskidou, E. (2017). UCI
Machine Learning Repository [http://archive.ics.uci.edu/ml]. Irvine, CA:
University of California, School of Information and Computer Science.
2. Copy the yelp_labelled.txt file into any folder you previously created (such as
/cli-test ).
3. Open your preferred command prompt and move to the folder where you copied
the dataset file. For example:
Console
cd /cli-test
Using any text editor such as Visual Studio Code, you can open, and explore the
yelp_labelled.txt dataset file. You can see that the structure is:
The file has no header. You will use the column's index.
Make sure you close the dataset file from the editor.
Now, you are ready to start using the CLI for this 'Sentiment Analysis' scenario.
7 Note
After finishing this tutorial you can also try with your own datasets as long as
they are ready to be used for any of the ML tasks currently supported by the
ML.NET CLI Preview which are 'Binary Classification', 'Classification',
'Regression', and 'Recommendation'.
Console
Finally, the "best quality" model found in 10 seconds is a model using a particular
trainer/algorithm with any specific configuration. Depending on the exploration
time, the command can produce a different result. The selection is based on the
multiple metrics shown, such as Accuracy .
However, there are cases where just measuring with the Accuracy metric is not
enough, especially when the label (0 and 1 in this case) is unbalanced in the test
dataset.
For additional metrics and more detailed information about the metrics such as
Accuracy, AUC, AUCPR, and F1-score used to evaluate the different models, see
Understanding ML.NET metrics.
7 Note
You can try this very same dataset and specify a few minutes for --max-
exploration-time (for instance three minutes so you specify 180 seconds)
which will find a better "best model" for you with a different training pipeline
configuration for this dataset (which is pretty small, 1000 rows).
The first two assets (.ZIP file model and C# code to run that model) can directly be
used in your end-user apps (ASP.NET Core web app, services, desktop app, etc.) to
make predictions with that generated ML model.
The third asset, the training code, shows you what ML.NET API code was used by
the CLI to train the generated model, so you can investigate what specific
trainer/algorithm and hyper-parameters were selected by the CLI.
Those enumerated assets are explained in the following steps of the tutorial.
7 Note
In the tutorial, we suggest using Visual Studio, but you can also explore the
generated C# code (two projects) with any text editor and run the generated
console app with the dotnet CLI on a macOS, Linux, or Windows machine.
The generated console app contains execution code that you must review
and then you usually reuse the 'scoring code' (code that runs the ML model
to make predictions) by moving that simple code (just a few lines) to your
end-user application where you want to make the predictions.
The generated mbconfig file is a config file that can be used to retrain your
model, either through the CLI or through Model Builder. This will also have
two code files associated with it and a zip file.
The training file contains the code to build the model pipeline using the
ML.NET API.
The consumption file contains the code to consume the model.
The zip file that is the generated model from the CLI.
The ModelInput class is used when reading data from the dataset.
The ModelOutput class is used to get the prediction result (prediction data).
3. Open the Program.cs file and explore the code. In just a few lines, you are able to
run the model and make a sample prediction.
C#
The first lines of code create a single sample data, in this case based on the
first row of your dataset to be used for the prediction. You can also create
your own 'hard-coded' data by updating the code:
C#
ModelInput sampleData = new ModelInput()
{
Col0 = "The ML.NET CLI is great for getting started. Very
cool!"
};
The last lines of code print out the properties of the sample data (in this case
the Comment) as well as the Sentiment prediction and corresponding Scores
for positive sentiment (1) and negative sentiment (2).
4. Run the project, either using the original sample data loaded from the first row of
the dataset or by providing your own custom hard-coded sample data. You should
get a prediction comparable to:
1. Try changing the hard-coded sample data to other sentences with different
sentiment and see how the model predicts positive or negative sentiment.
For instance, you could directly move that code to any Windows desktop application
such as WPF and WinForms and run the model in the same way than it was done in the
console app.
However, the way you implement those lines of code to run an ML model should be
optimized (that is, cache the model .zip file and load it once) and have singleton objects
instead of creating them on every request, especially if your application needs to be
scalable such as a web application or distributed service, as explained in the following
section.
apps and distributed services. For the first case, the model object ( ITransformer ) the
optimization is straightforward. Since the ITransformer object is thread-safe, you can
cache the object as a singleton or static object so you load the model once.
For the second object, the PredictionEngine object, it is not so easy because the
PredictionEngine object is not thread-safe, therefore you cannot instantiate this object
as singleton or static object in an ASP.NET Core app. This thread-safe and scalability
problem is deeply discussed in this Blog Post .
However, things got a lot easier for you than what's explained in that blog post. We
worked on a simpler approach for you and have created a nice '.NET Core Integration
Package' that you can easily use in your ASP.NET Core apps and services by registering
it in the application DI services (Dependency Injection services) and then directly use it
from your code. Check the following tutorial and example for doing that:
Tutorial: Running ML.NET models on scalable ASP.NET Core web apps and
WebAPIs
Sample: Scalable ML.NET model on ASP.NET Core WebAPI
More importantly, for this particular scenario (Sentiment Analysis model) you can also
compare that generated training code with the code explained in the following tutorial:
Compare: Tutorial: Use ML.NET in a sentiment analysis binary classification
scenario.
See also
Automate model training with the ML.NET CLI
Tutorial: Running ML.NET models on scalable ASP.NET Core web apps and
WebAPIs
Sample: Scalable ML.NET model on ASP.NET Core WebAPI
ML.NET CLI auto-train command reference guide
Telemetry in ML.NET CLI
Tutorial: Analyze sentiment of website
comments in a web application using
ML.NET Model Builder
Article • 11/10/2022
Learn how to analyze sentiment from comments in real time inside a web application.
This tutorial shows you how to create an ASP.NET Core Razor Pages application that
classifies sentiment from website comments in real time.
You can find the source code for this tutorial at the dotnet/machinelearning-samples
repository.
Pre-requisites
For a list of pre-requisites and installation instructions, visit the Model Builder
installation guide.
Sentiment SentimentText
1 ==RUDE== Dude, you are rude upload that carl picture back, or else.
1. In Solution Explorer, right-click the SentimentRazor project, and select Add >
Machine Learning Model....
2. In the dialog, name the Model Builder project SentimentAnalysis.mbconfig, and
select Add.
Choose a scenario
To train your model, you need to select from the list of available machine learning
scenarios provided by Model Builder.
For this sample, the task is text classification. In the Scenario step of the Model Builder
extension, select the Text classification scenario.
Select an environment
Model Builder can train on different environments depending on the selected scenario.
Select Local (GPU) as your environment and click the Next step button.
7 Note
This scenario uses deep learning techniques which work best in GPU environments.
If you don't have a GPU, choose the Local (CPU) environment but note that the
expected time to train will be significantly longer. For more information on using
GPUs with Model Builder, see the GPU support in Model Builder guide.
2. Once training is complete, the results from the training process are displayed in
the Training results section of the Train screen. In addition to providing training
results, three code-behind files are created under the SentimentAnalysis.mbconfig
file.
If you're not satisfied with your evaluation metrics, some easy ways to try to improve
model performance are to use more data.
Otherwise, select the Next step button to move to the Consume step in Model Builder.
Add consumption project templates (Optional)
In the Consume step, Model Builder provides project templates that you can use to
consume the model. This step is optional and you can choose the method that best fits
your needs for using the model.
Console application
Web API
C#
using Microsoft.Extensions.ML;
using static SentimentRazor.SentimentAnalysis;
4. Configure the PredictionEnginePool<TData,TPrediction> for your application in the
Program.cs file:
C#
builder.Services.AddPredictionEnginePool<ModelInput, ModelOutput>()
.FromFile("SentimentAnalysis.zip");
1. Open the Index.cshtml.cs file located in the Pages directory and add the following
using statements:
C#
using Microsoft.Extensions.ML;
using static SentimentRazor.SentimentAnalysis;
C#
C#
C#
C#
C#
C#
e. Convert the predicted bool value into toxic or not toxic with the following code.
C#
C#
return Content(sentiment);
Configure the web page
The results returned by the OnGetAnalyzeSentiment will be dynamically displayed on the
Index web page.
1. Open the Index.cshtml file in the Pages directory and replace its contents with the
following code:
CSHTML
@page
@model IndexModel
@{
ViewData["Title"] = "Home page";
}
<div class="text-center">
<h2>Live Sentiment</h2>
<div class="sentiment">
<h4>Your sentiment is...</h4>
<p>😡 😐 😍</p>
<div class="marker">
<div id="markerPosition" style="left: 45%;">
<div>▲</div>
<label id="markerValue">Neutral</label>
</div>
</div>
</div>
</div>
2. Next, add css styling code to the end of the site.css page in the wwwroot\css
directory:
css
.sentiment {
background-color: #eee;
position: relative;
display: inline-block;
padding: 1rem;
padding-bottom: 0;
border-radius: 1rem;
}
.sentiment h4 {
font-size: 16px;
text-align: center;
margin: 0;
padding: 0;
}
.sentiment p {
font-size: 50px;
}
.sentiment .marker {
position: relative;
left: 22px;
width: calc(100% - 68px);
}
3. After that, add code to send inputs from the web page to the
OnGetAnalyzeSentiment handler.
a. In the site.js file located in the wwwroot\js directory, create a function called
getSentiment to make a GET HTTP request with the user input to the
OnGetAnalyzeSentiment handler.
JavaScript
function getSentiment(userInput) {
return fetch(`Index?handler=AnalyzeSentiment&text=${userInput}`)
.then((response) => {
return response.text();
})
}
b. Below that, add another function called updateMarker to dynamically update the
position of the marker on the web page as sentiment is predicted.
JavaScript
c. Create an event handler function called updateSentiment to get the input from
the user, send it to the OnGetAnalyzeSentiment function using the getSentiment
function and update the marker with the updateMarker function.
JavaScript
function updateSentiment() {
getSentiment(userInput)
.then((sentiment) => {
switch (sentiment) {
case "Not Toxic":
updateMarker(100.0, sentiment);
break;
case "Toxic":
updateMarker(0.0, sentiment);
break;
default:
updateMarker(45.0, "Neutral");
}
});
}
d. Finally, register the event handler and bind it to the textarea element with the
id=Message attribute.
JavaScript
When the application launches, enter This model doesn't have enough data! into the text
area. The predicted sentiment displayed should be Toxic.
7 Note
Next steps
In this tutorial, you learned how to:
Learn how to build a multiclass classification model using Model Builder to categorize
the risk level of restaurant violations found during health inspections.
Prerequisites
For a list of prerequisites and installation instructions, visit the Model Builder installation
guide.
Each row in the dataset contains information regarding violations observed during an
inspection from the Health Department and a risk assessment of the threat those
violations present to public health and safety.
Routine - Wiping cloths not clean or properly stored or inadequate Low Risk
Unscheduled sanitizer
The label is the column you want to predict. When performing a classification task, the
goal is to assign a category (text or numerical). In this classification scenario, the severity
of the violation is assigned the value of low, moderate, or high risk. Therefore, the
RiskCategory is the label. The features are the inputs you give the model to predict the
label . In this case, the InspectionType and ViolationDescription are used as features or
inputs to predict the RiskCategory.
1. In Solution Explorer, right-click the RestaurantViolations project, and select Add >
Machine Learning Model....
2. Name the mbconfig project RestaurantViolationsPrediction, and click the Add
button.
Choose a scenario
To train your model, select from the list of available machine learning scenarios provided
by Model Builder. In this case, the scenario is Data classification.
1. For this sample, the task is multiclass classification. In the Scenario step of Model
Builder, select the Data classification scenario.
1. In the data step of the Model Builder tool, select SQL Server from the data source
type selection.
2. Select the Choose data source button.
a. In the Choose Data Source dialog, select Microsoft SQL Server Database File.
b. Uncheck the Always use this selection checkbox and click Continue.
c. In the Connection Properties dialog, select Browse and select the downloaded
RestaurantScores.mdf file.
d. Select OK.
3. Choose Violations from the Table dropdown.
4. Choose RiskCategory in the Column to predict (Label) dropdown.
5. Leave the default selections in Advanced data options.
6. Click the Next step button to move to the train step in Model Builder.
The time required for the model to train is proportional to the amount of data. Model
Builder automatically selects a default value for Time to train (seconds) based on the
size of your data source.
1. Model Builder sets the value of Time to train (seconds) to 60 seconds. Training for
a longer period of time allows Model Builder to explore a larger number of
algorithms and combination of parameters in search of the best model.
2. Click Start Training.
Throughout the training process, progress data is displayed in the Training results
section of the train step.
Once training is complete the mbconfig file will have the generated model called
RestaurantViolationsPrediction.zip after training and two C# files with it:
Additionally, in the Output window of Visual Studio, there will be a summary table
containing top models and their metrics.
This section will also allow you to test your model by performing a single prediction. It
will offer text boxes to fill in values and you can click the Predict button to get a
prediction from the best model. By default this will be filled in by a random row in your
dataset.
Console App
Web API
Console App
When adding a console app to your solution, you will be prompted to name the project.
The output generated by the program should look similar to the snippet below:
Bash
4. Open PowerShell and enter the following code where PORT is the port your
application is listening on.
PowerShell
$body = @{
InspectionType="Reinspection/Followup"
ViolationDescription="Inadequately cleaned or sanitized food
contact surfaces"
}
5. If successful, the output should look similar to the text below. The output has the
predicted RiskCategory as Moderate Risk and it has the scores of each of the input
labels - Low Risk, High Risk, and Moderate Risk.
PowerShell
prediction score
---------- -----
Moderate Risk {0.055566575, 0.058012854, 0.88642055}
Additional resources
To learn more about topics mentioned in this tutorial, visit the following resources:
Learn how to train an image classification model in Azure using Model Builder to
categorize land use from satellite images.
This tutorial shows you how to create a C# class library to categorize land use based on
satellite images with Model Builder.
Prerequisites
For a list of pre-requisites and installation instructions, visit the Model Builder
installation guide.
Azure account. If you don't have one, create a free Azure account .
ASP.NET and web development workload.
7 Note
Eurosat: A novel dataset and deep learning benchmark for land use and land
cover classification. Patrick Helber, Benjamin Bischke, Andreas Dengel, Damian
Borth. IEEE Journal of Selected Topics in Applied Earth Observations and
Remote Sensing, 2019.
Introducing EuroSAT: A Novel Dataset and Deep Learning Benchmark for Land
Use and Land Cover Classification. Patrick Helber, Benjamin Bischke, Andreas
Dengel. 2018 IEEE International Geoscience and Remote Sensing Symposium,
2018.
The EuroSAT dataset contains a collection of satellite images divided into ten categories
(rural, industrial, river, etc.). The original dataset contains 27,000 images. For
convenience, this tutorial only uses 2,000 of those images.
1. Download the subset of the EuroSAT dataset and save it anywhere on your
computer.
2. Unzip it.
1. In Solution Explorer, right-click the LandUse project, and select Add > Machine
Learning Model....
2. In the dialog, name the Model Builder project LandUse, and click Add.
Choose a scenario
To train your model, you need to select from the list of available machine learning
scenarios provided by Model Builder.
For this sample, the task is image classification. In the scenario step of the Model Builder
tool, select the Image Classification scenario.
Select an environment
Model Builder can run the training on different environments depending on the scenario
that was selected.
Select Azure as your environment and click the Set up workspace button.
The experiment encapsulates the configuration and results for one or more machine
learning training runs. Experiments belong to a specific workspace. The first time an
experiment is created, its name is registered in the workspace. Any subsequent runs - if
the same experiment name is used - are logged as part of the same experiment.
Otherwise, a new experiment is created.
In the Create New Experiment dialog, choose your subscription from the Subscription
dropdown.
Create workspace
A workspace is an Azure Machine Learning resource that provides a central place for all
Azure Machine Learning resources and artifacts created as part of a training run.
1. In the Create New Experiment dialog, select the New link next to the Machine
Learning Workspace name dropdown.
3. Choose East US from the Regions dropdown. A region is the geographic location
of the data center where your workspace and resources are deployed to. It is
recommended that you choose a location close to where you or your customers
are.
5. Choose your newly created resource group from the Resource Groups dropdown.
6. Select Create.
The provisioning process takes a few minutes. A request is made to Azure to
provision the following cloud resources:
7. Once the provisioning process is complete, choose your newly created workspace
from the Machine Learning Workspace name dropdown in the Create New
Experiment dialog.
Create compute
An Azure Machine Learning compute is a cloud-based Linux VM used for training.
1. In the Create New Experiment dialog, select the New link next to the Compute
name dropdown.
2. In the Create New Compute dialog, type "landuse-cpt" in the Compute name text
box.
3. Choose Standard_NC24 from the Compute size dropdown. Model Builder uses
GPU-optimized compute types. Visit the NC-series Linux VM documentation for
more details on GPU optimized compute types.
4. Select Create. The compute resources may take a few minutes to provision.
5. Once the provisioning process is complete, choose your newly created workspace
from the Compute name dropdown in the Create New Experiment dialog.
6. Select the Next step button to load in the data.
Start training
Once you've configured your workspace and compute type, it's time to finish creating
the experiment and start training.
The training process takes some time and the amount of time may vary depending
on the size of compute selected as well as amount of data. The first time a model
is trained, you can expect a slightly longer training time because resources have to
be provisioned. You can track the progress of your runs by selecting the Monitor
current run in Azure portal link in Visual Studio.
Throughout the training process, progress data is displayed in the Progress section
of the train step.
2. Once training is complete, select the Next step button to move to evaluate the
model.
If you're not satisfied with your accuracy metrics, some easy ways to try and improve
model accuracy are to use more data or augment the existing data. Otherwise, select the
Next step button to move to the final step in the Model Builder tool.
Console App
Web API
Console App
When adding a console app to your solution, you will be prompted to name the project.
The output generated by the program should look similar to the snippet below:
Bash
Web API
When adding a web API to your solution, you will be prompted to name the project.
4. Open PowerShell and enter the following code where PORT is the port your
application is listening on.
PowerShell
$body = @{
ImageSource = <Image location on your local machine>
}
Invoke-RestMethod "https://localhost:<PORT>/predict" -Method Post -
Body ($body | ConvertTo-Json) -ContentType "application/json"
PowerShell
Clean up resources
If you no longer plan to use the Azure resources you created, delete them. This prevents
you from being charged for unutilized resources that are still running.
1. Navigate to the Azure portal and select Resource groups in the portal menu.
2. From the list of resource groups, select the resource group you created. In this
case, it's "landuse-rg".
3. Select Delete resource group.
4. Type the resource group name, "landuse-rg", into the text box and then select
Enter .
Next steps
In this tutorial you learned how to:
Learn how to build an object detection model using ML.NET Model Builder and Azure
Machine Learning to detect and locate stop signs in images.
Prerequisites
For a list of prerequisites and installation instructions, visit the Model Builder installation
guide.
Use object detection when images contain multiple objects of different types.
Some use cases for object detection include:
Self-Driving Cars
Robotics
Face Detection
Workplace Safety
Object Counting
Activity Recognition
This sample creates a C# .NET Core console application that detects stop signs in
images using a machine learning model built with Model Builder. You can find the
source code for this tutorial at the dotnet/machinelearning-samples GitHub
repository.
7. In Connection Settings, change the Display Name for the source connection to
"StopSignImages", and select Local File System as the Provider. For the Folder
Path, select the Stop-Signs folder which contains the 50 training images, and then
select Save Connection.
8. In Project Settings, change the Source Connection to StopSignImages (the
connection you just created).
1. Select the first (plus-shaped) icon in the Tags toolbar to add a new tag.
2. Name the tag "Stop-Sign" and hit Enter on your keyboard.
3. Click and drag to draw a rectangle around each stop sign in the image. If the
cursor does not let you draw a rectangle, try selecting the Draw Rectangle tool
from the toolbar on the top, or use the keyboard shortcut R .
4. After drawing your rectangle, select the Stop-Sign tag that you created in the
previous steps to add the tag to the bounding box.
5. Click on the preview image for the next image in the dataset and repeat this
process.
1. Select the fourth icon in the left toolbar (the one with the diagonal arrow in a box)
to go to the Export Settings.
4. Uncheck Include Images. If you include the images, then the training images will
be copied to the export folder that is generated, which is not necessary.
6. Go back to the Tags editor (the second icon in the left toolbar shaped like a
ribbon). In the top toolbar, select the Export Project icon (the last icon shaped like
an arrow in a box), or use the keyboard shortcut Ctrl + E .
This export will create a new folder called vott-json-export in your Stop-Sign-Images
folder and will generate a JSON file named StopSignObjDetection-export in that new
folder. You will use this JSON file in the next steps for training an object detection model
in Model Builder.
Choose a scenario
For this sample, the scenario is object detection. In the Scenario step of Model Builder,
select the Object Detection scenario.
If you don't see Object Detection in the list of scenarios, you may need to update
your version of Model Builder .
An Azure subscription
A workspace: an Azure ML resource that provides a central place for all Azure ML
resources and artifacts created as part of a training run.
A compute: an Azure Machine Learning compute is a cloud-based Linux VM used
for training. Learn more about compute types supported by Model Builder.
When you create a new workspace, the following resources are provisioned:
4. Select an existing compute or create a new Azure ML compute. This process may
take a few minutes.
The first experiment is created, and the experiment name is registered in the workspace.
Any subsequent runs (if the same experiment name is used ) are logged as part of the
same experiment. Otherwise, a new experiment is created.
If you’re satisfied with your configuration, select the Next step button in Model Builder
to move to the Data step.
) Important
Model Builder currently only accepts the format of JSON generated by VoTT.
1. Select the button inside Input section and use the File Explorer to find the
StopSignObjDetection-export.json which should be located in the Stop-Signs/vott-
json-export directory.
2. If your data looks correct in the Data Preview, select Next step to move on to the
Train step.
In the Model Builder Train screen, select the Start training button.
At this point, your data is uploaded to Azure Storage and the training process begins in
Azure ML.
The training process takes some time, and the amount of time may vary depending
on the size of compute selected as well as the amount of data. The first time a
model is trained in Azure, you can expect a slightly longer training time because
resources have to be provisioned. For this sample of 50 images, training took about
16 minutes.
You can track the progress of your runs in the Azure Machine Learning portal by
selecting the Monitor current run in Azure portal link in Visual Studio.
Once training is complete, select the Next step button to move on to the Evaluate step.
In this case, the accuracy says 100%, which means that the model is more than likely
overfit due to too few images in the dataset.
You can use the Try your model experience to quickly check whether your model is
performing as expected.
Select Browse an image and provide a test image, preferably one that the model did
not use as part of training.
The score shown on each detected bounding box indicates the confidence of the
detected object. For instance, in the screenshot above, the score on the bounding box
around the stop sign indicates that the model is 99% sure that the detected object is a
stop sign.
The Score threshold, which can be increased or decreased with the threshold slider, will
add and remove detected objects based on their scores. For instance, if the threshold is
.51, then the model will only show objects that have a confidence score of .51 or above.
As you increase the threshold, you will see less detected objects, and as you decrease
the threshold, you will see more detected objects.
If you're not satisfied with your accuracy metrics, one easy way to try to improve model
accuracy is to use more data. Otherwise, select the Next step link to move on to the
Consume step in Model Builder.
Console App
When adding a console app to your solution, you will be prompted to name the project.
The output generated by the program should look similar to the snippet below:
Bash
Predicted Boxes:
Web API
When adding a web API to your solution, you will be prompted to name the project.
4. Open PowerShell and enter the following code where PORT is the port your
application is listening on.
PowerShell
$body = @{
ImageSource = <Image location on your local machine>
}
The boxes column gives the bounding box coordinates of the object that was
detected. The values here belong to the left, top, right, and bottom
coordinates respectively.
The labels are the index of the predicted labels. In this case, the value 1 is a
stop sign.
The scores defines how confident the model is that the bounding box
belongs to that label.
7 Note
(Optional) The bounding box coordinates are normalized for a width of 800
pixels and a height of 600 pixels. To scale the bounding box coordinates for
your image in further post-processing, you need to:
a. Multiply the top and bottom coordinates by the original image height, and
multiply the left and right coordinates by the original image width.
b. Divide the top and bottom coordinates by 600, and divide the left and right
coordinates by 800.
C#
An image may have more than one bounding box, so the same process needs
to be applied to each of the bounding boxes in the image.
Congratulations! You've successfully built a machine learning model to detect stop signs
in images using Model Builder. You can find the source code for this tutorial at the
dotnet/machinelearning-samples GitHub repository.
Additional resources
To learn more about topics mentioned in this tutorial, visit the following resources:
Prerequisites
For a list of pre-requisites and installation instructions, visit the Model Builder
installation guide.
Right click on recommendation-ratings-train.csv and select "Save Link (or Target) As..."
1 1 4 964982703
1. In Solution Explorer, right-click the MovieRecommender project, and select Add >
Machine Learning Model....
2. In the dialog, name the Model Builder project MovieRecommender, and click Add.
Choose a scenario
To train your model, you need to select from the list of available machine learning
scenarios provided by Model Builder.
For this sample, the task is recommendation. In the scenario step of the Model Builder
tool, select the Recommendation scenario.
Select an environment
Model Builder can run the training on different environments depending on the scenario
that was selected.
Select Local as your environment and click the Next step button.
The time required for the model to train is proportional to the amount of data. Model
Builder automatically selects a default value for Time to train (seconds) based on the
size of your data source.
1. Model Builder sets the value of Time to train (seconds) to 60 seconds. Training for
a longer period of time allows Model Builder to explore a larger number of
algorithms and combination of parameters in search of the best model.
2. Click Start Training.
Throughout the training process, progress data is displayed in the Training results
section of the train step.
Once training is complete the mbconfig file will have the generated model called
MovieRecommender.zip after training and two C# files with it:
Additionally, in the Output window of Visual Studio, there will be a summary table
containing top models and their metrics.
In this section you can also test your model by performing a single prediction. It
provides you with text boxes to input values for each of your feature columns and you
can select the Predict button to get a prediction using the best model. By default this
will be filled in by the first row in your dataset.
Console App
When adding a console app to your solution, you will be prompted to name the project.
The output generated by the program should look similar to the snippet below:
Bash
UserId: 1
MovieId: 1
Rating: 4
Web API
When adding a web API to your solution, you will be prompted to name the project.
5. Open PowerShell and enter the following code where PORT is the port your
application is listening on.
PowerShell
$body = @{
UserId=1.0
MovieId=1.0
}
Invoke-RestMethod "https://localhost:<PORT>/predict" -Method Post -Body
($body | ConvertTo-Json) -ContentType "application/json"
6. If successful, the output should look similar to the text below. The score output will
be the predicted rating for the requested user ID and movie ID.
PowerShell
score
-----
4.577113
Additional resources
To learn more about topics mentioned in this tutorial, visit the following resources:
The following tutorials enable you to understand how to use ML.NET to build custom
machine learning solutions and integrate them into your .NET applications:
Next Steps
For more examples that use ML.NET, check out the dotnet/machinelearning-samples
GitHub repository.
Tutorial: Analyze sentiment of website
comments with binary classification in
ML.NET
Article • 11/18/2021
This tutorial shows you how to create a .NET Core console application that classifies
sentiment from website comments and takes the appropriate action. The binary
sentiment classifier uses C# in Visual Studio 2022.
You can find the source code for this tutorial at the dotnet/samples repository.
Prerequisites
Visual Studio 2022 .
3. Create a directory named Data in your project to save your data set files.
7 Note
This sample uses the latest stable version of the NuGet packages mentioned
unless otherwise stated.
7 Note
The datasets for this tutorial are from the 'From Group to Individual Labels using
Deep Features', Kotzias et. al,. KDD 2015, and hosted at the UCI Machine Learning
Repository - Dua, D. and Karra Taniskidou, E. (2017). UCI Machine Learning
Repository [http://archive.ics.uci.edu/ml]. Irvine, CA: University of California, School
of Information and Computer Science.
1. Download UCI Sentiment Labeled Sentences dataset ZIP file , and unzip.
2. Copy the yelp_labelled.txt file into the Data directory you created.
C#
using Microsoft.ML;
using Microsoft.ML.Data;
using SentimentAnalysis;
using static Microsoft.ML.DataOperationsCatalog;
2. Add the following code to the line right below the using statements, to create a
field to hold the recently downloaded dataset file path:
C#
string _dataPath = Path.Combine(Environment.CurrentDirectory, "Data",
"yelp_labelled.txt");
3. Next, create classes for your input data and predictions. Add a new class to your
project:
In Solution Explorer, right-click the project, and then select Add > New Item.
In the Add New Item dialog box, select Class and change the Name field to
SentimentData.cs. Then, select the Add button.
4. The SentimentData.cs file opens in the code editor. Add the following using
statement to the top of SentimentData.cs:
C#
using Microsoft.ML.Data;
5. Remove the existing class definition and add the following code, which has two
classes SentimentData and SentimentPrediction , to the SentimentData.cs file:
C#
[LoadColumn(1), ColumnName("Label")]
public bool Sentiment;
}
[ColumnName("PredictedLabel")]
public bool Prediction { get; set; }
SentimentPrediction is the prediction class used after model training. It inherits from
SentimentData so that the input SentimentText can be displayed along with the output
prediction. The Prediction boolean is the value that the model predicts when supplied
with new input SentimentText .
The output class SentimentPrediction contains two other properties calculated by the
model: Score - the raw score calculated by the model, and Probability - the score
calibrated to the likelihood of the text having positive sentiment.
The MLContext class is a starting point for all ML.NET operations. Initializing mlContext
creates a new ML.NET environment that can be shared across the model creation
workflow objects. It's similar, conceptually, to DBContext in Entity Framework.
C#
3. Create a LoadData() method at the bottom of the Program.cs file using the
following code:
C#
4. Add the following code as the first line of the LoadData() method:
C#
The LoadFromTextFile() method defines the data schema and reads in the file. It
takes in the data path variables and returns an IDataView .
1. To split the loaded data into the needed datasets, add the following code as the
next line in the LoadData() method:
C#
The previous code uses the TrainTestSplit() method to split the loaded dataset into
train and test datasets and return them in the
DataOperationsCatalog.TrainTestData class. Specify the test set percentage of data
with the testFraction parameter. The default is 10%, in this case you use 20% to
evaluate more data.
C#
return splitDataView;
C#
C#
}
Extract and transform the data
1. Call FeaturizeText as the next line of code:
C#
var estimator =
mlContext.Transforms.Text.FeaturizeText(outputColumnName: "Features",
inputColumnName: nameof(SentimentData.SentimentText))
The FeaturizeText() method in the previous code converts the text column
( SentimentText ) into a numeric key type Features column used by the machine
learning algorithm and adds it as a new dataset column:
Append the machine learning task to the data transformation definitions by adding the
following as the next line of code in BuildAndTrainModel() :
C#
.Append(mlContext.BinaryClassification.Trainers.SdcaLogisticRegression(label
ColumnName: "Label", featureColumnName: "Features"));
C#
The Fit() method trains your model by transforming the dataset and applying the
training.
C#
return model;
1. Create the Evaluate() method, just after BuildAndTrainModel() , with the following
code:
C#
2. Add a call to the new method below the BuildAndTrainModel method call using the
following code:
C#
C#
The previous code uses the Transform() method to make predictions for multiple
provided input rows of a test dataset.
4. Evaluate the model by adding the following as the next line of code in the
Evaluate() method:
C#
CalibratedBinaryClassificationMetrics metrics =
mlContext.BinaryClassification.Evaluate(predictions, "Label");
Once you have the prediction set ( predictions ), the Evaluate() method assesses the
model, which compares the predicted values with the actual Labels in the test dataset
and returns a CalibratedBinaryClassificationMetrics object on how the model is
performing.
C#
Console.WriteLine();
Console.WriteLine("Model quality metrics evaluation");
Console.WriteLine("--------------------------------");
Console.WriteLine($"Accuracy: {metrics.Accuracy:P2}");
Console.WriteLine($"Auc: {metrics.AreaUnderRocCurve:P2}");
Console.WriteLine($"F1Score: {metrics.F1Score:P2}");
Console.WriteLine("=============== End of model evaluation
===============");
The Accuracy metric gets the accuracy of a model, which is the proportion of
correct predictions in the test set.
The F1Score metric gets the model's F1 score, which is a measure of balance
between precision and recall. You want the F1Score to be as close to one as
possible.
C#
2. Add a call to the new method right under the Evaluate() method call using the
following code:
C#
UseModelWithSingleItem(mlContext, model);
3. Add the following code to create as the first line in the UseModelWithSingleItem()
Method:
C#
7 Note
C#
5. Pass the test comment data to the PredictionEngine by adding the following as the
next lines of code in the UseModelWithSingleItem() method:
C#
Console.WriteLine();
Console.WriteLine("=============== Prediction Test of model with a
single sample and test dataset ===============");
Console.WriteLine();
Console.WriteLine($"Sentiment: {resultPrediction.SentimentText} |
Prediction: {(Convert.ToBoolean(resultPrediction.Prediction) ?
"Positive" : "Negative")} | Probability: {resultPrediction.Probability}
");
C#
2. Add a call to the new method right under the UseModelWithSingleItem() method
call using the following code:
C#
UseModelWithBatchItems(mlContext, model);
3. Add some comments to test the trained model's predictions in the
UseModelWithBatchItems() method:
C#
C#
C#
Console.WriteLine();
C#
Results
Your results should be similar to the following. During processing, messages are
displayed. You may see warnings, or processing messages. These have been removed
from the following results for clarity.
Console
Building successful models is an iterative process. This model has initial lower quality as
the tutorial uses small datasets to provide quick model training. If you aren't satisfied
with the model quality, you can try to improve it by providing larger training datasets or
by choosing different training algorithms with different hyper-parameters for each
algorithm.
You can find the source code for this tutorial at the dotnet/samples repository.
Next steps
In this tutorial, you learned how to:
Issue Classification
Tutorial: Categorize support issues using
multiclass classification with ML.NET
Article • 05/02/2023
This sample tutorial illustrates using ML.NET to create a GitHub issue classifier to train a
model that classifies and predicts the Area label for a GitHub issue via a .NET Core
console application using C# in Visual Studio.
You can find the source code for this tutorial at the dotnet/samples repository.
Prerequisites
Visual Studio 2022 with the ".NET Desktop Development" workload installed.
The GitHub issues tab separated file (issues_train.tsv) .
The GitHub issues test tab separated file (issues_test.tsv) .
Create a project
1. Create a C# Console Application called "GitHubIssueClassification". Select Next.
3. Create a directory named Data in your project to save your data set files:
In Solution Explorer, right-click on your project and select Add > New Folder.
Type "Data" and press Enter .
7 Note
This sample uses the latest stable version of the NuGet packages mentioned
unless otherwise stated.
2. In Solution Explorer, right-click each of the *.tsv files and select Properties. Under
Advanced, change the value of Copy to Output Directory to Copy if newer.
C#
using Microsoft.ML;
using GitHubIssueClassification;
Create three global fields to hold the paths to the recently downloaded files, and global
variables for the MLContext , DataView , and PredictionEngine :
_trainDataPath has the path to the dataset used to train the model.
_testDataPath has the path to the dataset used to evaluate the model.
Add the following code to the line directly below the using statements to specify those
paths and the other variables:
C#
MLContext _mlContext;
PredictionEngine<GitHubIssue, IssuePrediction> _predEngine;
ITransformer _trainedModel;
IDataView _trainingDataView;
Create some classes for your input data and predictions. Add a new class to your
project:
1. In Solution Explorer, right-click the project, and then select Add > New Item.
2. In the Add New Item dialog box, select Class and change the Name field to
GitHubIssueData.cs. Then, select the Add button.
The GitHubIssueData.cs file opens in the code editor. Add the following using
statement to the top of GitHubIssueData.cs:
C#
using Microsoft.ML.Data;
Remove the existing class definition and add the following code, which has two classes
GitHubIssue and IssuePrediction , to the GitHubIssueData.cs file:
C#
The label is the column you want to predict. The identified Features are the inputs you
give the model to predict the Label.
Use the LoadColumnAttribute to specify the indices of the source columns in the data
set.
GitHubIssue is the input dataset class and has the following String fields:
IssuePrediction is the class used for prediction after the model has been trained. It has
a single string ( Area ) and a PredictedLabel ColumnName attribute. The PredictedLabel
is used during prediction and evaluation. For evaluation, an input with training data, the
predicted values, and the model are used.
All ML.NET operations start in the MLContext class. Initializing mlContext creates a new
ML.NET environment that can be shared across the model creation workflow objects. It's
similar, conceptually, to DBContext in Entity Framework .
Initialize variables
Initialize the _mlContext global variable with a new instance of MLContext with a random
seed ( seed: 0 ) for repeatable/deterministic results across multiple trainings. Replace the
Console.WriteLine("Hello World!") line with the following code:
C#
_mlContext = new MLContext(seed: 0);
To initialize and load the _trainingDataView global variable in order to use it for the
pipeline, add the following code after the mlContext initialization:
C#
_trainingDataView = _mlContext.Data.LoadFromTextFile<GitHubIssue>
(_trainDataPath,hasHeader: true);
The LoadFromTextFile() defines the data schema and reads in the file. It takes in the data
path variables and returns an IDataView .
C#
Create the ProcessData method at the bottom of the Program.cs file using the following
code:
C#
IEstimator<ITransformer> ProcessData()
{
C#
var pipeline =
_mlContext.Transforms.Conversion.MapValueToKey(inputColumnName: "Area",
outputColumnName: "Label")
C#
.Append(_mlContext.Transforms.Text.FeaturizeText(inputColumnName: "Title",
outputColumnName: "TitleFeaturized"))
.Append(_mlContext.Transforms.Text.FeaturizeText(inputColumnName:
"Description", outputColumnName: "DescriptionFeaturized"))
The last step in data preparation combines all of the feature columns into the Features
column using the Concatenate() method. By default, a learning algorithm processes only
features from the Features column. Append this transformation to the pipeline with the
following code:
C#
.Append(_mlContext.Transforms.Concatenate("Features", "TitleFeaturized",
"DescriptionFeaturized"))
C#
.AppendCacheCheckpoint(_mlContext);
2 Warning
Use AppendCacheCheckpoint for small/medium datasets to lower training time. Do
NOT use it (remove .AppendCacheCheckpoint()) when handling very large datasets.
C#
return pipeline;
C#
Create the BuildAndTrainModel method, just after the declaration of the ProcessData()
method, using the following code:
C#
Binary: either A or B.
Multiclass: multiple categories that can be predicted by using a single model.
For this type of problem, use a Multiclass classification learning algorithm, since your
issue category prediction can be one of multiple categories (multiclass) rather than just
two (binary).
C#
var trainingPipeline =
pipeline.Append(_mlContext.MulticlassClassification.Trainers.SdcaMaximumEntr
opy("Label", "Features"))
.Append(_mlContext.Transforms.Conversion.MapKeyToValue("PredictedLabel"));
C#
_trainedModel = trainingPipeline.Fit(trainingDataView);
The Fit() method trains your model by transforming the dataset and applying the
training.
The PredictionEngine is a convenience API, which allows you to pass in and then
perform a prediction on a single instance of data. Add this as the next line in the
BuildAndTrainModel() method:
C#
_predEngine = _mlContext.Model.CreatePredictionEngine<GitHubIssue,
IssuePrediction>(_trainedModel);
C#
C#
C#
C#
return trainingPipeline;
Evaluate the model
Now that you've created and trained the model, you need to evaluate it with a different
dataset for quality assurance and validation. In the Evaluate method, the model created
in BuildAndTrainModel is passed in to be evaluated. Create the Evaluate method, just
after BuildAndTrainModel , as in the following code:
C#
Add a call to the new method, right under the BuildAndTrainModel method call, using
the following code:
C#
Evaluate(_trainingDataView.Schema);
As you did previously with the training dataset, load the test dataset by adding the
following code to the Evaluate method:
C#
The Evaluate() method computes the quality metrics for the model using the specified
dataset. It returns a MulticlassClassificationMetrics object that contains the overall
metrics computed by multiclass classification evaluators. To display the metrics to
determine the quality of the model, you need to get them first. Notice the use of the
Transform() method of the machine learning _trainedModel global variable (an
ITransformer) to input the features and return predictions. Add the following code to the
Evaluate method as the next line:
C#
var testMetrics =
_mlContext.MulticlassClassification.Evaluate(_trainedModel.Transform(testDat
aView));
Macro Accuracy - Every class contributes equally to the accuracy metric. Minority
classes are given equal weight as the larger classes. You want Macro Accuracy to
be as close to one as possible.
Log-loss - see Log Loss. You want Log-loss to be as close to zero as possible.
Log-loss reduction - Ranges from [-inf, 1.00], where 1.00 is perfect predictions and
0 indicates mean predictions. You want Log-loss reduction to be as close to one as
possible.
C#
Console.WriteLine($"********************************************************
*****************************************************");
Console.WriteLine($"* Metrics for Multi-class Classification model -
Test Data ");
Console.WriteLine($"*-------------------------------------------------------
-----------------------------------------------------");
Console.WriteLine($"* MicroAccuracy:
{testMetrics.MicroAccuracy:0.###}");
Console.WriteLine($"* MacroAccuracy:
{testMetrics.MacroAccuracy:0.###}");
Console.WriteLine($"* LogLoss: {testMetrics.LogLoss:#.###}");
Console.WriteLine($"* LogLossReduction:
{testMetrics.LogLossReduction:#.###}");
Console.WriteLine($"********************************************************
*****************************************************");
C#
C#
Add the following code to your SaveModelAsFile method. This code uses the Save
method to serialize and store the trained model as a zip file.
C#
C#
PredictIssue();
Create the PredictIssue method, just after the Evaluate method (and just before the
SaveModelAsFile method), using the following code:
C#
void PredictIssue()
{
}
The PredictIssue method executes the following tasks:
Load the saved model into your application by adding the following code to the
PredictIssue method:
C#
Add a GitHub issue to test the trained model's prediction in the Predict method by
creating an instance of GitHubIssue :
C#
As you did previously, create a PredictionEngine instance with the following code:
C#
_predEngine = _mlContext.Model.CreatePredictionEngine<GitHubIssue,
IssuePrediction>(loadedModel);
7 Note
C#
C#
Results
Your results should be similar to the following. As the pipeline processes, it displays
messages. You may see warnings, or processing messages. These messages have been
removed from the following results for clarity.
Console
Congratulations! You've now successfully built a machine learning model for classifying
and predicting an Area label for a GitHub issue. You can find the source code for this
tutorial at the dotnet/samples repository.
Next steps
In this tutorial, you learned how to:
This tutorial illustrates how to build a regression model using ML.NET to predict prices,
specifically, New York City taxi fares.
Prerequisites
Visual Studio 2022 with the ".NET Desktop Development" workload installed.
3. Create a directory named Data in your project to store the data set and model
files.
7 Note
This sample uses the latest stable version of the NuGet packages mentioned
unless otherwise stated.
In Solution Explorer, right-click the project and select Manage NuGet Packages.
Choose "nuget.org" as the Package source, select the Browse tab, search for
Microsoft.ML, select the package in the list, and select the Install button. Select
the OK button on the Preview Changes dialog and then select the I Accept button
on the License Acceptance dialog if you agree with the license terms for the
packages listed. Do the same for the Microsoft.ML.FastTree NuGet package.
2. In Solution Explorer, right-click each of the *.csv files and select Properties. Under
Advanced, change the value of Copy to Output Directory to Copy if newer.
3. Open the taxi-fare-train.csv data set and look at column headers in the first row.
Take a look at each of the columns. Understand the data and decide which
columns are features and which one is the label.
The label is the column you want to predict. The identified Features are the inputs you
give the model to predict the Label .
1. In Solution Explorer, right-click the project, and then select Add > New Item.
2. In the Add New Item dialog box, select Class and change the Name field to
TaxiTrip.cs. Then, select the Add button.
using Microsoft.ML.Data;
Remove the existing class definition and add the following code, which has two classes
TaxiTrip and TaxiTripFarePrediction , to the TaxiTrip.cs file:
C#
[LoadColumn(1)]
public string? RateCode;
[LoadColumn(2)]
public float PassengerCount;
[LoadColumn(3)]
public float TripTime;
[LoadColumn(4)]
public float TripDistance;
[LoadColumn(5)]
public string? PaymentType;
[LoadColumn(6)]
public float FareAmount;
}
TaxiTrip is the input data class and has definitions for each of the data set columns.
Use the LoadColumnAttribute attribute to specify the indices of the source columns in
the data set.
The TaxiTripFarePrediction class represents predicted results. It has a single float field,
FareAmount , with a Score ColumnNameAttribute attribute applied. In case of the
7 Note
Use the float type to represent floating-point values in the input and prediction
data classes.
C#
using Microsoft.ML;
using TaxiFarePrediction;
You need to create three fields to hold the paths to the files with data sets and the file
to save the model:
_trainDataPath contains the path to the file with the data set used to train the
model.
_testDataPath contains the path to the file with the data set used to evaluate the
model.
_modelPath contains the path to the file where the trained model is stored.
Add the following code right below the usings section to specify those paths and for the
_textLoader variable:
C#
All ML.NET operations start in the MLContext class. Initializing mlContext creates a new
ML.NET environment that can be shared across the model creation workflow objects. It's
similar, conceptually, to DBContext in Entity Framework.
Initialize variables
Replace the Console.WriteLine("Hello World!") line with the following code to declare
and initialize the mlContext variable:
C#
Add the following as the next line of code to call the Train method:
C#
The Train method trains the model. Create that method just below using the following
code:
C#
C#
As you want to predict the taxi trip fare, the FareAmount column is the Label that you
will predict (the output of the model). Use the CopyColumnsEstimator transformation
class to copy FareAmount , and add the following code:
C#
var pipeline = mlContext.Transforms.CopyColumns(outputColumnName: "Label",
inputColumnName:"FareAmount")
The algorithm that trains the model requires numeric features, so you have to transform
the categorical data ( VendorId , RateCode , and PaymentType ) values into numbers
( VendorIdEncoded , RateCodeEncoded , and PaymentTypeEncoded ). To do that, use the
OneHotEncodingTransformer transformation class, which assigns different numeric key
values to the different values in each of the columns, and add the following code:
C#
.Append(mlContext.Transforms.Categorical.OneHotEncoding(outputColumnName:
"VendorIdEncoded", inputColumnName:"VendorId"))
.Append(mlContext.Transforms.Categorical.OneHotEncoding(outputColumnName:
"RateCodeEncoded", inputColumnName: "RateCode"))
.Append(mlContext.Transforms.Categorical.OneHotEncoding(outputColumnName:
"PaymentTypeEncoded", inputColumnName: "PaymentType"))
The last step in data preparation combines all of the feature columns into the Features
column using the mlContext.Transforms.Concatenate transformation class. By default, a
learning algorithm processes only features from the Features column. Add the following
code:
C#
.Append(mlContext.Transforms.Concatenate("Features", "VendorIdEncoded",
"RateCodeEncoded", "PassengerCount", "TripDistance", "PaymentTypeEncoded"))
C#
.Append(mlContext.Regression.Trainers.FastTree());
C#
The Fit() method trains your model by transforming the dataset and applying the
training.
Return the trained model with the following line of code in the Train() method:
C#
return model;
C#
Add a call to the new method right under the Train method call, using the following
code:
C#
Evaluate(mlContext, model);
Load the test dataset using the LoadFromTextFile() method. Evaluate the model using
this dataset as a quality check by adding the following code in the Evaluate method:
C#
Next, transform the Test data by adding the following code to Evaluate() :
C#
The Transform() method makes predictions for the test dataset input rows.
To display these to determine the quality of the model, you need to get the metrics first.
Add the following code as the next line in the Evaluate method:
C#
Once you have the prediction set, the Evaluate() method assesses the model, which
compares the predicted values with the actual Labels in the test dataset and returns
metrics on how the model is performing.
Add the following code to evaluate the model and produce the evaluation metrics:
C#
Console.WriteLine();
Console.WriteLine($"*************************************************");
Console.WriteLine($"* Model quality metrics evaluation ");
Console.WriteLine($"*------------------------------------------------");
RSquared is another evaluation metric of the regression models. RSquared takes values
between 0 and 1. The closer its value is to 1, the better the model is. Add the following
code into the Evaluate method to display the RSquared value:
C#
RMS is one of the evaluation metrics of the regression model. The lower it is, the better
the model is. Add the following code into the Evaluate method to display the RMS
value:
C#
C#
Add a call to the new method right under the Evaluate method call, using the following
code:
C#
TestSinglePrediction(mlContext, model);
Use the PredictionEngine to predict the fare by adding the following code to
TestSinglePrediction() :
C#
7 Note
This tutorial uses one test trip within this class. Later you can add other scenarios to
experiment with the model. Add a trip to test the trained model's prediction of cost in
the TestSinglePrediction() method by creating an instance of TaxiTrip :
C#
Next, predict the fare based on a single instance of the taxi trip data and pass it to the
PredictionEngine by adding the following as the next lines of code in the
TestSinglePrediction() method:
C#
To display the predicted fare of the specified trip, add the following code into the
TestSinglePrediction method:
C#
Console.WriteLine($"********************************************************
**************");
Console.WriteLine($"Predicted fare: {prediction.FareAmount:0.####}, actual
fare: 15.5");
Console.WriteLine($"********************************************************
**************");
Run the program to see the predicted taxi fare for your test case.
Congratulations! You've now successfully built a machine learning model for predicting
taxi trip fares, evaluated its accuracy, and used it to make predictions. You can find the
source code for this tutorial at the dotnet/samples GitHub repository.
Next steps
In this tutorial, you learned how to:
Iris clustering
Tutorial: Categorize iris flowers using k-
means clustering with ML.NET
Article • 11/29/2021
This tutorial illustrates how to use ML.NET to build a clustering model for the iris flower
data set .
Prerequisites
Visual Studio 2022 .
3. Create a directory named Data in your project to store the data set and model
files:
In Solution Explorer, right-click the project and select Add > New Folder. Type
"Data" and hit Enter.
7 Note
This sample uses the latest stable version of the NuGet packages mentioned
unless otherwise stated.
In Solution Explorer, right-click the project and select Manage NuGet Packages.
Choose "nuget.org" as the Package source, select the Browse tab, search for
Microsoft.ML and select the Install button. Select the OK button on the Preview
Changes dialog and then select the I Accept button on the License Acceptance
dialog if you agree with the license terms for the packages listed.
2. In Solution Explorer, right-click the iris.data file and select Properties. Under
Advanced, change the value of Copy to Output Directory to Copy if newer.
For the sake of the clustering example, this tutorial ignores the last column.
Create data classes
Create classes for the input data and the predictions:
1. In Solution Explorer, right-click the project, and then select Add > New Item.
2. In the Add New Item dialog box, select Class and change the Name field to
IrisData.cs. Then, select the Add button.
C#
using Microsoft.ML.Data;
Remove the existing class definition and add the following code, which defines the
classes IrisData and ClusterPrediction , to the IrisData.cs file:
C#
[LoadColumn(1)]
public float SepalWidth;
[LoadColumn(2)]
public float PetalLength;
[LoadColumn(3)]
public float PetalWidth;
}
[ColumnName("Score")]
public float[]? Distances;
}
IrisData is the input data class and has definitions for each feature from the data set.
Use the LoadColumn attribute to specify the indices of the source columns in the data
set file.
The ClusterPrediction class represents the output of the clustering model applied to an
IrisData instance. Use the ColumnName attribute to bind the PredictedClusterId and
Distances fields to the PredictedLabel and Score columns respectively. In case of the
7 Note
Use the float type to represent floating-point values in the input and prediction
data classes.
_dataPath contains the path to the file with the data set used to train the model.
_modelPath contains the path to the file where the trained model is stored.
Add the following code under the using statements to specify those paths:
C#
Create ML context
Add the following additional using directives to the top of the Program.cs file:
C#
using Microsoft.ML;
using IrisFlowerClustering;
C#
C#
C#
C#
C#
7 Note
1. In Solution Explorer, right-click the project, and then select Add > New Item.
2. In the Add New Item dialog box, select Class and change the Name field to
TestIrisData.cs. Then, select the Add button.
C#
This tutorial introduces one iris data instance within this class. You can add other
scenarios to experiment with the model. Add the following code into the TestIrisData
class:
C#
To find out the cluster to which the specified item belongs to, go back to the Program.cs
file and add the following code at the bottom of the file:
C#
text
Cluster: 2
Distances: 11.69127 0.02159119 25.59896
Congratulations! You've now successfully built a machine learning model for iris
clustering and used it to make predictions. You can find the source code for this tutorial
at the dotnet/samples GitHub repository.
Next steps
In this tutorial, you learned how to:
Check out our GitHub repository to continue learning and find more samples.
This tutorial shows you how to build a movie recommender with ML.NET in a .NET Core
console application. The steps use C# and Visual Studio 2019.
You can find the source code for this tutorial at the dotnet/samples repository.
Prerequisites
Visual Studio 2022 .
Create a project
1. Create a C# Console Application called "MovieRecommender". Click the Next
button.
3. Create a directory named Data in your project to store the data set:
In Solution Explorer, right-click the project and select Add > New Folder. Type
"Data" and hit Enter.
7 Note
This sample uses the latest stable version of the NuGet packages mentioned
unless otherwise stated.
In Solution Explorer, right-click the project and select Manage NuGet Packages.
Choose "nuget.org" as the Package source, select the Browse tab, search for
Microsoft.ML, select the package in the list, and select the Install button. Select
the OK button on the Preview Changes dialog and then select the I Accept button
on the License Acceptance dialog if you agree with the license terms for the
packages listed. Repeat these steps for Microsoft.ML.Recommender.
5. Add the following using statements at the top of your Program.cs file:
C#
using Microsoft.ML;
using Microsoft.ML.Trainers;
using MovieRecommendation;
Make sure you either save the *.csv files to the Data folder, or after you save
it elsewhere, move the *.csv files to the Data folder.
2. In Solution Explorer, right-click each of the *.csv files and select Properties. Under
Advanced, change the value of Copy to Output Directory to Copy if newer.
The recommendation ratings data is split into Train and Test datasets. The Train data
is used to fit your model. The Test data is used to make predictions with your trained
model and evaluate model performance. It's common to have an 80/20 split with Train
and Test data.
userId
movieId
rating
timestamp
In machine learning, the columns that are used to make a prediction are called Features,
and the column with the returned prediction is called the Label.
You want to predict movie ratings, so the rating column is the Label . The other three
columns, userId , movieId , and timestamp are all Features used to predict the Label .
Features Label
userId rating
movieId
timestamp
It's up to you to decide which Features are used to predict the Label . You can also use
methods like permutation feature importance to help with selecting the best Features .
In this case, you should eliminate the timestamp column as a Feature because the
timestamp does not really affect how a user rates a given movie and thus would not
contribute to making a more accurate prediction:
Features Label
userId rating
movieId
Next you must define your data structure for the input class.
1. In Solution Explorer, right-click the project, and then select Add > New Item.
2. In the Add New Item dialog box, select Class and change the Name field to
MovieRatingData.cs. Then, select the Add button.
The MovieRatingData.cs file opens in the code editor. Add the following using
statement to the top of MovieRatingData.cs:
C#
using Microsoft.ML.Data;
Create a class called MovieRating by removing the existing class definition and adding
the following code in MovieRatingData.cs:
C#
MovieRating specifies an input data class. The LoadColumn attribute specifies which
columns (by column index) in the dataset should be loaded. The userId and movieId
columns are your Features (the inputs you will give the model to predict the Label ),
and the rating column is the Label that you will predict (the output of the model).
C#
C#
The MLContext class is a starting point for all ML.NET operations, and initializing
mlContext creates a new ML.NET environment that can be shared across the model
C#
7 Note
This method will give you an error until you add a return statement in the following
steps.
Initialize your data path variables, load the data from the *.csv files, and return the Train
and Test data as IDataView objects by adding the following as the next line of code in
LoadData() :
C#
The LoadFromTextFile() defines the data schema and reads in the file. It takes in the data
path variables and returns an IDataView . In this case, you provide the path for your Test
and Train files and indicate both the text file header (so it can use the column names
properly) and the comma character data separator (the default separator is a tab).
Add the following code to call your LoadData() method and return the Train and Test
data:
C#
C#
7 Note
This method will give you an error until you add a return statement in the following
steps.
C#
IEstimator<ITransformer> estimator =
mlContext.Transforms.Conversion.MapValueToKey(outputColumnName:
"userIdEncoded", inputColumnName: "userId")
.Append(mlContext.Transforms.Conversion.MapValueToKey(outputColumnName:
"movieIdEncoded", inputColumnName: "movieId"));
Since userId and movieId represent users and movie titles, not real values, you use the
MapValueToKey() method to transform each userId and each movieId into a numeric
key type Feature column (a format accepted by recommendation algorithms) and add
them as new dataset columns:
1 1 4 userKey1 movieKey1
1 3 4 userKey1 movieKey2
1 6 4 userKey1 movieKey3
Choose the machine learning algorithm and append it to the data transformation
definitions by adding the following as the next line of code in BuildAndTrainModel() :
C#
var trainerEstimator =
estimator.Append(mlContext.Recommendation().Trainers.MatrixFactorization(opt
ions));
In this case, the Matrix Factorization algorithm uses a method called "collaborative
filtering", which assumes that if User 1 has the same opinion as User 2 on a certain issue,
then User 1 is more likely to feel the same way as User 2 about a different issue.
For instance, if User 1 and User 2 rate movies similarly, then User 2 is more likely to
enjoy a movie that User 1 has watched and rated highly:
User Watched and liked Watched and liked Watched and liked movie
1 movie movie
User Watched and liked Watched and liked Has not watched -- RECOMMEND
2 movie movie movie
The Matrix Factorization trainer has several Options, which you can read more about
in the Algorithm hyperparameters section below.
Fit the model to the Train data and return the trained model by adding the following as
the next line of code in the BuildAndTrainModel() method:
C#
return model;
The Fit() method trains your model with the provided training dataset. Technically, it
executes the Estimator definitions by transforming the data and applying the training,
and it returns back the trained model, which is a Transformer .
For more information on the model training workflow in ML.NET, see What is ML.NET
and how does it work?.
Add the following as the next line of code below the call to the LoadData() method to
call your BuildAndTrainModel() method and return the trained model:
C#
Create the EvaluateModel() method, just after the BuildAndTrainModel() method, using
the following code:
C#
void EvaluateModel(MLContext mlContext, IDataView testDataView, ITransformer
model)
{
C#
The Transform() method makes predictions for multiple provided input rows of a test
dataset.
Evaluate the model by adding the following as the next line of code in the
EvaluateModel() method:
C#
Once you have the prediction set, the Evaluate() method assesses the model, which
compares the predicted values with the actual Labels in the test dataset and returns
metrics on how the model is performing.
Print your evaluation metrics to the console by adding the following as the next line of
code in the EvaluateModel() method:
C#
Add the following as the next line of code below the call to the BuildAndTrainModel()
method to call your EvaluateModel() method:
C#
Console
In this output, there are 20 iterations. In each iteration, the measure of error decreases
and converges closer and closer to 0.
The root of mean squared error (RMS or RMSE) is used to measure the differences
between the model predicted values and the test dataset observed values. Technically
it's the square root of the average of the squares of the errors. The lower it is, the better
the model is.
R Squared indicates how well data fits a model. Ranges from 0 to 1. A value of 0 means
that the data is random or otherwise can't be fit to the model. A value of 1 means that
the model exactly matches the data. You want your R Squared score to be as close to 1
as possible.
Building successful models is an iterative process. This model has initial lower quality as
the tutorial uses small datasets to provide quick model training. If you aren't satisfied
with the model quality, you can try to improve it by providing larger training datasets or
by choosing different training algorithms with different hyper-parameters for each
algorithm. For more information, check out the Improve your model section below.
Use your model
Now you can use your trained model to make predictions on new data.
C#
Use the PredictionEngine to predict the rating by adding the following code to
UseModelForSinglePrediction() :
C#
7 Note
Create an instance of MovieRating called testInput and pass it to the Prediction Engine
by adding the following as the next lines of code in the UseModelForSinglePrediction()
method:
C#
You can then use the Score , or the predicted rating, to determine whether you want to
recommend the movie with movieId 10 to user 6. The higher the Score , the higher the
likelihood of a user liking a particular movie. In this case, let’s say that you recommend
movies with a predicted rating of > 3.5.
To print the results, add the following as the next lines of code in the
UseModelForSinglePrediction() method:
C#
Add the following as the next line of code after the call to the EvaluateModel() method
to call your UseModelForSinglePrediction() method:
C#
UseModelForSinglePrediction(mlContext, model);
The output of this method should look similar to the following text:
Console
Save your trained model by adding the following code in the SaveModel() method:
C#
This method saves your trained model to a .zip file (in the "Data" folder), which can then
be used in other .NET applications to make predictions.
Add the following as the next line of code after the call to the
UseModelForSinglePrediction() method to call your SaveModel() method:
C#
Results
After following the steps above, run your console app (Ctrl + F5). Your results from the
single prediction above should be similar to the following. You may see warnings or
processing messages, but these messages have been removed from the following
results for clarity.
Console
=============== Training the model ===============
iter tr_rmse obj
0 1.5382 3.1213e+05
1 0.9223 1.6051e+05
2 0.8691 1.5050e+05
3 0.8413 1.4576e+05
4 0.8145 1.4208e+05
5 0.7848 1.3895e+05
6 0.7552 1.3613e+05
7 0.7259 1.3357e+05
8 0.6987 1.3121e+05
9 0.6747 1.2949e+05
10 0.6533 1.2766e+05
11 0.6353 1.2636e+05
12 0.6209 1.2561e+05
13 0.6072 1.2462e+05
14 0.5965 1.2394e+05
15 0.5868 1.2352e+05
16 0.5782 1.2279e+05
17 0.5713 1.2227e+05
18 0.5637 1.2190e+05
19 0.5604 1.2178e+05
=============== Evaluating the model ===============
Rms: 0.977175077487166
RSquared: 0.43233349213192
=============== Making a prediction ===============
Movie 10 is recommended for user 6
=============== Saving the model to a file ===============
Data
Adding more training data that has enough samples for each user and movie id can
help improve the quality of the recommendation model.
Cross validation is a technique for evaluating models that randomly splits up data into
subsets (instead of extracting out test data from the dataset like you did in this tutorial)
and takes some of the groups as train data and some of the groups as test data. This
method outperforms making a train-test split in terms of model quality.
Features
In this tutorial, you only use the three Features ( user id , movie id , and rating ) that
are provided by the dataset.
While this is a good start, in reality you might want to add other attributes or Features
(for example, age, gender, geo-location, etc.) if they are included in the dataset. Adding
more relevant Features can help improve the performance of your recommendation
model.
If you are unsure about which Features might be the most relevant for your machine
learning task, you can also make use of Feature Contribution Calculation (FCC) and
permutation feature importance, which ML.NET provides to discover the most influential
Features .
Algorithm hyperparameters
While ML.NET provides good default training algorithms, you can further fine-tune
performance by changing the algorithm's hyperparameters.
C#
One Class Use this when you only have userId and movieId. This style of >Try it
Matrix recommendation is based upon the co-purchase scenario, or products out
Factorization frequently bought together, which means it will recommend to
customers a set of products based upon their own purchase order
history.
Field Aware Use this to make recommendations when you have more Features >Try it
Factorization beyond userId, productId, and rating (such as product description or out
Machines product price). This method also uses a collaborative filtering approach.
Resources
The data used in this tutorial is derived from MovieLens Dataset .
Next steps
In this tutorial, you learned how to:
Sentiment Analysis
Tutorial: Automated visual inspection
using transfer learning with the ML.NET
Image Classification API
Article • 12/07/2022
Learn how to train a custom deep learning model using transfer learning, a pretrained
TensorFlow model and the ML.NET Image Classification API to classify images of
concrete surfaces as cracked or uncracked.
Prerequisites
Visual Studio 2022 .
Facial recognition
Emotion detection
Medical diagnosis
Landmark detection
This tutorial trains a custom image classification model to perform automated visual
inspection of bridge decks to identify structures that are damaged by cracks.
Training a deep learning model from scratch requires setting several parameters, a large
amount of labeled training data, and a vast amount of compute resources (hundreds of
GPU hours). Using a pretrained model along with transfer learning allows you to
shortcut the training process.
Training process
The Image Classification API starts the training process by loading a pretrained
TensorFlow model. The training process consists of two steps:
1. Bottleneck phase
2. Training phase
Bottleneck phase
During the bottleneck phase, the set of training images is loaded and the pixel values
are used as input, or features, for the frozen layers of the pretrained model. The frozen
layers include all of the layers in the neural network up to the penultimate layer,
informally known as the bottleneck layer. These layers are referred to as frozen because
no training will occur on these layers and operations are pass-through. It's at these
frozen layers where the lower-level patterns that help a model differentiate between the
different classes are computed. The larger the number of layers, the more
computationally intensive this step is. Fortunately, since this is a one-time calculation,
the results can be cached and used in later runs when experimenting with different
parameters.
Training phase
Once the output values from the bottleneck phase are computed, they are used as input
to retrain the final layer of the model. This process is iterative and runs for the number
of times specified by model parameters. During each run, the loss and accuracy are
evaluated. Then, the appropriate adjustments are made to improve the model with the
goal of minimizing the loss and maximizing the accuracy. Once training is finished, two
model formats are output. One of them is the .pb version of the model and the other is
the .zip ML.NET serialized version of the model. When working in environments
supported by ML.NET, it is recommended to use the .zip version of the model.
However, in environments where ML.NET is not supported, you have the option of using
the .pb version.
Understand the pretrained model
The pretrained model used in this tutorial is the 101-layer variant of the Residual
Network (ResNet) v2 model. The original model is trained to classify images into a
thousand categories. The model takes as input an image of size 224 x 224 and outputs
the class probabilities for each of the classes it's trained on. Part of this model is used to
train a new model using custom images to make predictions between two classes.
7 Note
This sample uses the latest stable version of the NuGet packages mentioned
unless otherwise stated.
7 Note
The datasets for this tutorial are from Maguire, Marc; Dorafshan, Sattar; and
Thomas, Robert J., "SDNET2018: A concrete crack image dataset for machine
learning applications" (2018). Browse all Datasets. Paper 48.
https://digitalcommons.usu.edu/all_datasets/48
SDNET2018 is an image dataset that contains annotations for cracked and non-cracked
concrete structures (bridge decks, walls, and pavement).
C#
using System;
using System.Collections.Generic;
using System.Linq;
using System.IO;
using Microsoft.ML;
using static Microsoft.ML.DataOperationsCatalog;
using Microsoft.ML.Vision;
2. Below the Program class in Program.cs, create a class called ImageData . This class is
used to represent the initially loaded data.
C#
class ImageData
{
public string ImagePath { get; set; }
a. Below the ImageData class, define the schema of your input data in a new class
called ModelInput .
C#
class ModelInput
{
public byte[] Image { get; set; }
Label is the category the image belongs to. This is the value to predict.
Only Image and LabelAsKey are used to train the model and make predictions.
The ImagePath and Label properties are kept for convenience to access the
original image file name and category.
b. Then, below the ModelInput class, define the schema of your output data in a
new class called ModelOutput .
C#
class ModelOutput
{
public string ImagePath { get; set; }
Label is the original category the image belongs to. This is the value to
predict.
PredictedLabel is the value predicted by the model.
C#
var projectDirectory =
Path.GetFullPath(Path.Combine(AppContext.BaseDirectory, "../../../"));
var workspaceRelativePath = Path.Combine(projectDirectory,
"workspace");
var assetsRelativePath = Path.Combine(projectDirectory, "assets");
C#
The MLContext class is a starting point for all ML.NET operations, and initializing
mlContext creates a new ML.NET environment that can be shared across the model
creation workflow objects. It's similar, conceptually, to DbContext in Entity
Framework.
C#
}
1. Inside the LoadImagesFromDirectory , add the following code to get all of the file
paths from the subdirectories:
C#
C#
3. Inside the foreach statement, check that the file extensions are supported. The
Image Classification API supports JPEG and PNG formats.
C#
4. Then, get the label for the file. If the useFolderNameAsLabel parameter is set to
true , then the parent directory where the file is saved is used as the label.
Otherwise, it expects the label to be a prefix of the file name or the file name itself.
C#
if (useFolderNameAsLabel)
label = Directory.GetParent(file).Name;
else
{
for (int index = 0; index < label.Length; index++)
{
if (!char.IsLetter(label[index]))
{
label = label.Substring(0, index);
break;
}
}
}
C#
C#
2. Then, load the images into an IDataView using the LoadFromEnumerable method.
C#
3. The data is loaded in the order it was read from the directories. To balance the
data, shuffle it using the ShuffleRows method.
C#
C#
var preprocessingPipeline =
mlContext.Transforms.Conversion.MapValueToKey(
inputColumnName: "Label",
outputColumnName: "LabelAsKey")
.Append(mlContext.Transforms.LoadRawImageBytes(
outputColumnName: "Image",
imageFolder: assetsRelativePath,
inputColumnName: "ImagePath"));
5. Use the Fit method to apply the data to the preprocessingPipeline EstimatorChain
followed by the Transform method, which returns an IDataView containing the pre-
processed data.
C#
C#
The code sample above performs two splits. First, the pre-processed data is split
and 70% is used for training while the remaining 30% is used for validation. Then,
the 30% validation set is further split into validation and test sets where 90% is
used for validation and 10% is used for testing.
A way to think about the purpose of these data partitions is taking an exam. When
studying for an exam, you review your notes, books, or other resources to get a
grasp on the concepts that are on the exam. This is what the train set is for. Then,
you might take a mock exam to validate your knowledge. This is where the
validation set comes in handy. You want to check whether you have a good grasp
of the concepts before taking the actual exam. Based on those results, you take
note of what you got wrong or didn't understand well and incorporate your
changes as you review for the real exam. Finally, you take the exam. This is what
the test set is used for. You've never seen the questions that are on the exam and
now use what you learned from training and validation to apply your knowledge to
the task at hand.
7. Assign the partitions their respective values for the train, validation and test data.
C#
1. Create a new variable to store a set of required and optional parameters for an
ImageClassificationTrainer.
C#
Arch defines which of the pretrained model architectures to use. This tutorial
uses the 101-layer variant of the ResNetv2 model.
MetricsCallback binds a function to track the progress during training.
C#
var trainingPipeline =
mlContext.MulticlassClassification.Trainers.ImageClassification(classif
ierOptions)
.Append(mlContext.Transforms.Conversion.MapKeyToValue("PredictedLabel")
);
C#
C#
C#
C#
C#
C#
C#
6. Call ClassifySingleImage below calling the Fit method using the test set of
images.
C#
C#
C#
3. In order to iterate over the predictions, convert the predictionData IDataView into
an IEnumerable using the CreateEnumerable method and then get the first 10
observations.
C#
IEnumerable<ModelOutput> predictions =
mlContext.Data.CreateEnumerable<ModelOutput>(predictionData,
reuseRowObject: true).Take(10);
4. Iterate and output the original and predicted labels for the predictions.
C#
C#
Bottleneck phase
No value is printed for the image name because the images are loaded as a byte[]
therefore there is no image name to display.
test
Training phase
text
text
Upon inspection of the 7001-220.jpg image, you can see that it in fact is not cracked.
Congratulations! You've now successfully built a deep learning model for classifying
images.
More Data: The more examples a model learns from, the better it performs.
Download the full SDNET2018 dataset and use it to train.
Augment the data: A common technique to add variety to the data is to augment
the data by taking an image and applying different transforms (rotate, flip, shift,
crop). This adds more varied examples for the model to learn from.
Train for a longer time: The longer you train, the more tuned the model will be.
Increasing the number of epochs may improve the performance of your model.
Experiment with the hyper-parameters: In addition to the parameters used in this
tutorial, other parameters can be tuned to potentially improve performance.
Changing the learning rate, which determines the magnitude of updates made to
the model after each epoch may improve performance.
Use a different model architecture: Depending on what your data looks like, the
model that can best learn its features may differ. If you're not satisfied with the
performance of your model, try changing the architecture.
Next steps
In this tutorial, you learned how to build a custom deep learning model using transfer
learning, a pretrained image classification TensorFlow model and the ML.NET Image
Classification API to classify images of concrete surfaces as cracked or uncracked.
Object Detection
Tutorial: Train an ML.NET classification
model to categorize images
Article • 10/27/2022
The TensorFlow model was trained to classify images into a thousand categories.
Because the TensorFlow model knows how to recognize patterns in images, the ML.NET
model can make use of part of it in its pipeline to convert raw images into features or
inputs to train a classification model.
You can find the source code for this tutorial at the dotnet/samples repository. By
default, the .NET project configuration for this tutorial targets .NET core 2.2.
Prerequisites
Visual Studio 2022
The tutorial assets directory .ZIP file
The InceptionV1 machine learning model
Deep learning
Deep learning is a subset of Machine Learning, which is revolutionizing areas like
computer vision and speech recognition.
Deep learning models are trained by using large sets of labeled data and neural
networks that contain multiple learning layers. Deep learning:
7 Note
The Inception model is trained to classify images into a thousand categories, but for this
tutorial, you need to classify images in a smaller category set, and only those categories.
You can use the Inception model 's ability to recognize and classify images to the new
limited categories of your custom image classifier.
Food
Toy
Appliance
This tutorial uses the TensorFlow Inception deep learning model, a popular image
recognition model trained on the ImageNet dataset. The TensorFlow model classifies
entire images into a thousand classes, such as “Umbrella”, “Jersey”, and “Dishwasher”.
Because the Inception model has already been pre-trained on thousands of different
images, internally it contains the image features needed for image identification. We
can make use of these internal image features in the model to train a new model with
far fewer classes.
As shown in the following diagram, you add a reference to the ML.NET NuGet packages
in your .NET Core or .NET Framework applications. Under the covers, ML.NET includes
and references the native TensorFlow library that allows you to write code that loads an
existing trained TensorFlow model file.
Multiclass classification
After using the TensorFlow inception model to extract features suitable as input for a
classical machine learning algorithm, we add an ML.NET multi-class classifier.
The specific trainer used in this case is the multinomial logistic regression algorithm .
The algorithm implemented by this trainer performs well on problems with a large
number of features, which is the case for a deep learning model operating on image
data.
Data
There are two data sources: the .tsv file, and the image files. The tags.tsv file contains
two columns: the first one is defined as ImagePath and the second one is the Label
corresponding to the image. The following example file doesn't have a header row, and
looks like this:
tsv
broccoli.jpg food
pizza.jpg food
pizza2.jpg food
teddy2.jpg toy
teddy3.jpg toy
teddy4.jpg toy
toaster.jpg appliance
toaster2.png appliance
The training and testing images are located in the assets folders that you'll download in
a zip file. These images belong to Wikimedia Commons.
Wikimedia Commons , the free media repository. Retrieved 10:48, October 17, 2018
from: https://commons.wikimedia.org/wiki/Pizza
https://commons.wikimedia.org/wiki/Toaster
https://commons.wikimedia.org/wiki/Teddy_bear
Setup
Create a project
1. Create a C# Console Application called "TransferLearningTF". Click the Next
button.
7 Note
This sample uses the latest stable version of the NuGet packages mentioned
unless otherwise stated.
Download assets
1. Download The project assets directory zip file , and unzip.
2. Copy the assets directory into your TransferLearningTF project directory. This
directory and its subdirectories contain the data and support files (except for the
Inception model, which you'll download and add in the next step) needed for this
tutorial.
4. Copy the contents of the inception5h directory just unzipped into your
TransferLearningTF project assets/inception directory. This directory contains the
model and additional support files needed for this tutorial, as shown in the
following image:
5. In Solution Explorer, right-click each of the files in the asset directory and
subdirectories and select Properties. Under Advanced, change the value of Copy
to Output Directory to Copy if newer.
Create classes and define paths
1. Add the following additional using statements to the top of the Program.cs file:
C#
using Microsoft.ML;
using Microsoft.ML.Data;
2. Add the following code to the line right below the using statements to specify the
asset paths:
C#
C#
[LoadColumn(1)]
public string? Label;
}
ImageData is the input image data class and has the following String fields:
C#
public class ImagePrediction : ImageData
{
public float[]? Score;
ImagePrediction is the image prediction class and has the following fields:
label.
ImagePrediction is the class used for prediction after the model has been trained.
It has a string ( ImagePath ) for the image path. The Label is used to reuse and
train the model. The PredictedLabelValue is used during prediction and evaluation.
For evaluation, an input with training data, the predicted values, and the model are
used.
Initialize variables
1. Initialize the mlContext variable with a new instance of MLContext . Replace the
Console.WriteLine("Hello World!") line with the following code:
C#
The MLContext class is a starting point for all ML.NET operations, and initializing
mlContext creates a new ML.NET environment that can be shared across the model
creation workflow objects. It's similar, conceptually, to DBContext in Entity
Framework.
C#
struct InceptionSettings
{
public const int ImageHeight = 224;
public const int ImageWidth = 224;
public const float Mean = 117;
public const float Scale = 1;
public const bool ChannelsLast = true;
}
C#
C#
C#
2. Create an ImageData object that contains the fully qualified path and image file
name for the single ImagePath . Add the following code as the next lines in the
ClassifySingleImage() method:
C#
3. Make a single prediction, by adding the following code as the next line in the
ClassifySingleImage method:
C#
7 Note
4. Display the prediction result as the next line of code in the ClassifySingleImage()
method:
C#
Console.WriteLine($"Image: {Path.GetFileName(imageData.ImagePath)}
predicted as: {prediction.PredictedLabelValue} with score:
{prediction.Score?.Max()} ");
This method is the heart of the tutorial. It creates a pipeline for the model, and
trains the pipeline to produce the ML.NET model. It also evaluates the model
against some previously unseen test data.
Create the GenerateModel() method, just after the InceptionSettings struct and
just before the DisplayResults() method, using the following code:
C#
2. Add the estimators to load, resize, and extract the pixels from the image data:
C#
IEstimator<ITransformer> pipeline =
mlContext.Transforms.LoadImages(outputColumnName: "input", imageFolder:
_imagesFolder, inputColumnName: nameof(ImageData.ImagePath))
// The image transforms transform the images into the
model's expected format.
.Append(mlContext.Transforms.ResizeImages(outputColumnName: "input",
imageWidth: InceptionSettings.ImageWidth, imageHeight:
InceptionSettings.ImageHeight, inputColumnName: "input"))
.Append(mlContext.Transforms.ExtractPixels(outputColumnName: "input",
interleavePixelColors: InceptionSettings.ChannelsLast, offsetImage:
InceptionSettings.Mean))
The image data needs to be processed into the format that the TensorFlow model
expects. In this case, the images are loaded into memory, resized to a consistent
size, and the pixels are extracted into a numeric vector.
3. Add the estimator to load the TensorFlow model, and score it:
C#
.Append(mlContext.Model.LoadTensorFlowModel(_inceptionTensorFlowModel).
ScoreTensorFlowModel(outputColumnNames: new[] {
"softmax2_pre_activation" }, inputColumnNames: new[] { "input" },
addBatchDimensionInput: true))
This stage in the pipeline loads the TensorFlow model into memory, then processes
the vector of pixel values through the TensorFlow model network. Applying inputs
to a deep learning model, and generating an output using the model, is referred to
as Scoring. When using the model in its entirety, scoring makes an inference, or
prediction.
In this case, you use all of the TensorFlow model except the last layer, which is the
layer that makes the inference. The output of the penultimate layer is labeled
softmax_2_preactivation . The output of this layer is effectively a vector of features
This feature vector generated by the TensorFlow model will be used as input to an
ML.NET training algorithm.
4. Add the estimator to map the string labels in the training data to integer key
values:
C#
.Append(mlContext.Transforms.Conversion.MapValueToKey(outputColumnName:
"LabelKey", inputColumnName: "Label"))
The ML.NET trainer that is appended next requires its labels to be in key format
rather than arbitrary strings. A key is a number that has a one to one mapping to a
string value.
C#
.Append(mlContext.MulticlassClassification.Trainers.LbfgsMaximumEntropy
(labelColumnName: "LabelKey", featureColumnName:
"softmax2_pre_activation"))
6. Add the estimator to map the predicted key value back into a string:
C#
.Append(mlContext.Transforms.Conversion.MapKeyToValue("PredictedLabelVa
lue", "PredictedLabel"))
.AppendCacheCheckpoint(mlContext);
C#
C#
The Fit() method trains your model by applying the training dataset to the
pipeline.
C#
There are a few sample images that you can use to evaluate the model. Like the
training data, these need to be loaded into an IDataView , so that they can be
transformed by the model.
2. Add the following code to the GenerateModel() method to evaluate the model:
C#
MulticlassClassificationMetrics metrics =
mlContext.MulticlassClassification.Evaluate(predictions,
labelColumnName: "LabelKey",
predictedLabelColumnName: "PredictedLabel");
Assesses the model (compares the predicted values with the test dataset
labels ).
Use the following code to display the metrics, share the results, and then act on
them:
C#
Log-loss - see Log Loss. You want Log-loss to be as close to zero as possible.
Per class Log-loss . You want per class Log-loss to be as close to zero as
possible.
4. Add the following code to return the trained model as the next line:
C#
return model;
Run the application!
1. Add the call to GenerateModel after the creation of the MLContext class:
C#
2. Add the call to the ClassifySingleImage() method after the call to the
GenerateModel() method:
C#
ClassifySingleImage(mlContext, model);
3. Run your console app ( Ctrl + F5 ). Your results should be similar to the following
output. (You may see warnings or processing messages, but these messages have
been removed from the following results for clarity.)
Console
You can find the source code for this tutorial at the dotnet/samples repository.
Learn how to forecast demand for a bike rental service using univariate time series
analysis on data stored in a SQL Server database with ML.NET.
Prerequisites
Visual Studio 2022 with the ".NET Desktop Development" workload installed.
The algorithm used in this tutorial is Singular Spectrum Analysis(SSA) . SSA works by
decomposing a time-series into a set of principal components. These components can
be interpreted as the parts of a signal that correspond to trends, noise, seasonality, and
many other factors. Then, these components are reconstructed and used to forecast
values some time in the future.
7 Note
This sample uses the latest stable version of the NuGet packages mentioned
unless otherwise stated.
7 Note
The data used in this tutorial comes from the UCI Bike Sharing Dataset . Fanaee-
T, Hadi, and Gama, Joao, 'Event labeling combining ensemble detectors and
background knowledge', Progress in Artificial Intelligence (2013): pp. 1-15, Springer
Berlin Heidelberg, Web Link .
The original dataset contains several columns corresponding to seasonality and weather.
For brevity and because the algorithm used in this tutorial only requires the values from
a single numerical column, the original dataset has been condensed to include only the
following columns:
The original dataset is mapped to a database table with the following schema in a SQL
Server database.
SQL
1/1/2011 0 985
1/2/2011 0 801
1/3/2011 0 1349
C#
using Microsoft.ML;
using Microsoft.ML.Data;
using Microsoft.ML.Transforms.TimeSeries;
using System.Data.SqlClient;
2. Create ModelInput class. Below the Program class, add the following code.
C#
C#
string rootDir =
Path.GetFullPath(Path.Combine(AppDomain.CurrentDomain.BaseDirectory,
"../../../"));
string dbFilePath = Path.Combine(rootDir, "Data", "DailyDemand.mdf");
string modelPath = Path.Combine(rootDir, "MLModel.zip");
var connectionString = $"Data Source=
(LocalDB)\\MSSQLLocalDB;AttachDbFilename={dbFilePath};Integrated
Security=True;Connect Timeout=30;";
2. Initialize the mlContext variable with a new instance of MLContext by adding the
following line after defining the paths.
C#
The MLContext class is a starting point for all ML.NET operations, and initializing
mlContext creates a new ML.NET environment that can be shared across the model
creation workflow objects. It's similar, conceptually, to DBContext in Entity
Framework.
C#
C#
C#
C#
5. The dataset contains two years worth of data. Only data from the first year is used
for training, the second year is held out to compare the actual values against the
forecast produced by the model. Filter the data using the FilterRowsByColumn
transform.
C#
For the first year, only the values in the Year column less than 1 are selected by
setting the upperBound parameter to 1. Conversely, for the second year, values
greater than or equal to 1 are selected by setting the lowerBound parameter to 1.
C#
The forecastingPipeline takes 365 data points for the first year and samples or
splits the time-series dataset into 30-day (monthly) intervals as specified by the
seriesLength parameter. Each of these samples is analyzed through weekly or a 7-
day window. When determining what the forecasted value for the next period(s) is,
the values from previous seven days are used to make a prediction. The model is
set to forecast seven periods into the future as defined by the horizon parameter.
Because a forecast is an informed guess, it's not always 100% accurate. Therefore,
it's good to know the range of values in the best and worst-case scenarios as
defined by the upper and lower bounds. In this case, the level of confidence for the
lower and upper bounds is set to 95%. The confidence level can be increased or
decreased accordingly. The higher the value, the wider the range is between the
upper and lower bounds to achieve the desired level of confidence.
2. Use the Fit method to train the model and fit the data to the previously defined
forecastingPipeline .
C#
SsaForecastingTransformer forecaster =
forecastingPipeline.Fit(firstYearData);
1. Create a new utility method called Evaluate at the bottom of the Program.cs file.
C#
}
2. Inside the Evaluate method, forecast the second year's data by using the
Transform method with the trained model.
C#
3. Get the actual values from the data by using the CreateEnumerable method.
C#
IEnumerable<float> actual =
mlContext.Data.CreateEnumerable<ModelInput>(testData, true)
.Select(observed => observed.TotalRentals);
C#
IEnumerable<float> forecast =
mlContext.Data.CreateEnumerable<ModelOutput>(predictions, true)
.Select(prediction => prediction.ForecastedRentals[0]);
5. Calculate the difference between the actual and forecast values, commonly
referred to as the error.
C#
6. Measure performance by computing the Mean Absolute Error and Root Mean
Squared Error values.
C#
Mean Absolute Error: Measures how close predictions are to the actual value.
This value ranges between 0 and infinity. The closer to 0, the better the
quality of the model.
Root Mean Squared Error: Summarizes the error in the model. This value
ranges between 0 and infinity. The closer to 0, the better the quality of the
model.
C#
Console.WriteLine("Evaluation Metrics");
Console.WriteLine("---------------------");
Console.WriteLine($"Mean Absolute Error: {MAE:F3}");
Console.WriteLine($"Root Mean Squared Error: {RMSE:F3}\n");
C#
C#
2. Save the model to a file called MLModel.zip as specified by the previously defined
modelPath variable. Use the Checkpoint method to save the model.
C#
forecastEngine.CheckPoint(mlContext, modelPath);
2. Inside the Forecast method, use the Predict method to forecast rentals for the
next seven days.
C#
C#
IEnumerable<string> forecastOutput =
mlContext.Data.CreateEnumerable<ModelInput>(testData,
reuseRowObject: false)
.Take(horizon)
.Select((ModelInput rental, int index) =>
{
string rentalDate = rental.RentalDate.ToShortDateString();
float actualRentals = rental.TotalRentals;
float lowerEstimate = Math.Max(0,
forecast.LowerBoundRentals[index]);
float estimate = forecast.ForecastedRentals[index];
float upperEstimate = forecast.UpperBoundRentals[index];
return $"Date: {rentalDate}\n" +
$"Actual Rentals: {actualRentals}\n" +
$"Lower Estimate: {lowerEstimate}\n" +
$"Forecast: {estimate}\n" +
$"Upper Estimate: {upperEstimate}\n";
});
C#
Console.WriteLine("Rental Forecast");
Console.WriteLine("---------------------");
foreach (var prediction in forecastOutput)
{
Console.WriteLine(prediction);
}
Run the application
1. Below calling the Checkpoint() method call the Forecast method.
C#
2. Run the application. Output similar to that below should appear on the console.
For brevity, the output has been condensed.
text
Evaluation Metrics
---------------------
Mean Absolute Error: 726.416
Root Mean Squared Error: 987.658
Rental Forecast
---------------------
Date: 1/1/2012
Actual Rentals: 2294
Lower Estimate: 1197.842
Forecast: 2334.443
Upper Estimate: 3471.044
Date: 1/2/2012
Actual Rentals: 1951
Lower Estimate: 1148.412
Forecast: 2360.861
Upper Estimate: 3573.309
Inspection of the actual and forecasted values shows the following relationships:
While the forecasted values are not predicting the exact number of rentals, they provide
a more narrow range of values that allows an operation to optimize their use of
resources.
Congratulations! You've now successfully built a time series machine learning model to
forecast bike rental demand.
You can find the source code for this tutorial at the dotnet/machinelearning-samples
repository.
Next steps
Machine learning tasks in ML.NET
Improve model accuracy
Tutorial: Detect anomalies in time series
with ML.NET
Article • 05/02/2023
Learn how to build an anomaly detection application for time series data. This tutorial
creates a .NET Core console application using C# in Visual Studio 2019.
You can find the source code for this tutorial at the dotnet/samples repository.
Prerequisites
Visual Studio 2022 with the ".NET Desktop Development" workload installed.
3. Create a directory named Data in your project to save your data set files.
5. Add the following using statements at the top of your Program.cs file:
C#
using Microsoft.ML;
using Microsoft.ML.TimeSeries;
using PhoneCallsAnomalyDetection;
Right click on phone-calls.csv and select "Save Link (or Target) As..."
Make sure you either save the *.csv file to the Data folder, or after you save it
elsewhere, move the *.csv file to the Data folder.
2. In Solution Explorer, right-click the *.csv file and select Properties. Under
Advanced, change the value of Copy to Output Directory to Copy if newer.
timestamp value
2018/9/3 36.69670857
2018/9/4 35.74160571
..... .....
2018/10/3 34.49893429
... ....
This file represents a time-series. Each row in the file is a data point. Each data point has
two attributes, namely, timestamp and value , to represent the number of phone calls at
each day. The number of phone calls is transformed to de-sensitivity.
1. In Solution Explorer, right-click the project, and then select Add > New Item.
2. In the Add New Item dialog box, select Class and change the Name field to
PhoneCallsData.cs. Then, select the Add button.
C#
using Microsoft.ML.Data;
4. Remove the existing class definition and add the following code, which has two
classes PhoneCallsData and PhoneCallsPrediction , to the PhoneCallsData.cs file:
C#
[LoadColumn(1)]
public double value;
}
which columns (by column index) in the dataset should be loaded. It has two
attributes timestamp and value that correspond to the same attributes in the data
file.
PhoneCallsPrediction specifies the prediction data class. For SR-CNN detector, the
prediction depends on the detect mode specified. In this sample, we select the
AnomalyAndMargin mode. The output contains seven columns. In most cases,
IsAnomaly , ExpectedValue , UpperBoundary , and LowerBoundary are informative
enough. They tell you if a point is an anomaly, the expected value of the point and
the lower / upper boundary region of the point.
5. Add the following code to the line right below the using statements to specify the
path to your data file:
C#
Initialize variables
1. Replace the Console.WriteLine("Hello World!") line with the following code to
declare and initialize the mlContext variable:
C#
The MLContext class is a starting point for all ML.NET operations, and initializing
mlContext creates a new ML.NET environment that can be shared across the model
creation workflow objects. It's similar, conceptually, to DBContext in Entity
Framework.
1. Add the following code below the creation of the mlContext variable:
C#
The LoadFromTextFile() defines the data schema and reads in the file. It takes in the
data path variables and returns an IDataView .
Time series anomaly detection
Time series anomaly detection is the process of detecting time-series data outliers;
points on a given input time-series where the behavior isn't what was expected, or
"weird". These anomalies are typically indicative of some events of interest in the
problem domain: a cyber-attack on user accounts, power outage, bursting RPS on a
server, memory leak, etc.
To find anomaly on time series, you should first determine the period of the series. Then,
the time series can be decomposed into several components as Y = T + S + R , where Y
is the original series, T is the trend component, S is the seasonal component, and R is
the residual component of the series. This step is called decomposition . Finally,
detection is performed on the residual component to find the anomalies. In ML.NET, The
SR-CNN algorithm is an advanced and novel algorithm that is based on Spectral
Residual (SR) and Convolutional Neural Network(CNN) to detect anomaly on time-
series. For more information on this algorithm, see Time-Series Anomaly Detection
Service at Microsoft .
In this tutorial, you will see that these procedures can be completed using two functions.
Detect Period
In the first step, we invoke the DetectSeasonality function to determine the period of
the series.
C#
C#
int period = mlContext.AnomalyDetection.DetectSeasonality(phoneCalls,
nameof(PhoneCallsData.value));
3. Display the period value by adding the following as the next line of code in the
DetectPeriod method:
C#
C#
// <SnippetSetupSrCnnParameters>
5. Add the following call to the DetectPeriod method below the call to the
LoadFromTextFile() method:
C#
Console
Detect Anomaly
In this step, you use the DetectEntireAnomalyBySrCnn method to find anomalies.
C#
3. Detect anomaly by SR-CNN algorithm by adding the following line of code in the
DetectAnomaly method:
C#
var outputDataView =
mlContext.AnomalyDetection.DetectEntireAnomalyBySrCnn(phoneCalls,
nameof(PhoneCallsPrediction.Prediction), nameof(PhoneCallsData.value),
options);
4. Convert the output data view into a strongly typed IEnumerable for easier display
using the CreateEnumerable method with the following code:
C#
5. Create a display header with the following code as the next line in the
DetectAnomaly method:
C#
Console.WriteLine("Index,Data,Anomaly,AnomalyScore,Mag,ExpectedValue,Bo
undaryUnit,UpperBoundary,LowerBoundary");
You'll display the following information in your change point detection results:
6. Iterate through the predictions IEnumerable and display the results with the
following code:
C#
var index = 0;
Console.WriteLine("");
7. Add the following call to the DetectAnomaly method below the DetectPeriod()
method call:
C#
Console
Congratulations! You've now successfully built machine learning models for detecting
period and anomaly on a periodical series.
You can find the source code for this tutorial at the dotnet/samples repository.
Next steps
Check out the Machine Learning samples GitHub repository to explore a Power
Consumption Anomaly Detection sample.
Learn how to build an anomaly detection application for product sales data. This tutorial
creates a .NET Core console application using C# in Visual Studio.
You can find the source code for this tutorial at the dotnet/samples repository.
Prerequisites
Visual Studio 2022 with the ".NET Desktop Development" workload installed.
7 Note
3. Create a directory named Data in your project to save your data set files.
This sample uses the latest stable version of the NuGet packages mentioned
unless otherwise stated.
5. Add the following using statements at the top of your Program.cs file:
C#
using Microsoft.ML;
using ProductSalesAnomalyDetection;
Right click on product-sales.csv and select "Save Link (or Target) As..."
Make sure you either save the *.csv file to the Data folder, or after you save it
elsewhere, move the *.csv file to the Data folder.
2. In Solution Explorer, right-click the *.csv file and select Properties. Under
Advanced, change the value of Copy to Output Directory to Copy if newer.
Month ProductSales
1-Jan 271
2-Jan 150.9
..... .....
1-Feb 199.3
..... .....
Create classes and define paths
Next, define your input and prediction class data structures.
1. In Solution Explorer, right-click the project, and then select Add > New Item.
2. In the Add New Item dialog box, select Class and change the Name field to
ProductSalesData.cs. Then, select the Add button.
C#
using Microsoft.ML.Data;
4. Remove the existing class definition and add the following code, which has two
classes ProductSalesData and ProductSalesPrediction , to the ProductSalesData.cs
file:
C#
[LoadColumn(1)]
public float numSales;
}
5. Create two global fields to hold the recently downloaded dataset file path and the
saved model file path:
_dataPath has the path to the dataset used to train the model.
_docsize has the number of records in dataset file. You'll use _docSize to
calculate pvalueHistoryLength .
6. Add the following code to the line right below the using statements to specify
those paths:
C#
Initialize variables
1. Replace the Console.WriteLine("Hello World!") line with the following code to
declare and initialize the mlContext variable:
C#
The MLContext class is a starting point for all ML.NET operations, and initializing
mlContext creates a new ML.NET environment that can be shared across the model
The LoadFromTextFile() defines the data schema and reads in the file. It takes in the
data path variables and returns an IDataView .
If you have a car, you might want to know: Is this oil gauge reading normal, or do I have
a leak? If you're monitoring power consumption, you’d want to know: Is there an
outage?
There are two types of time series anomalies that can be detected:
Change points indicate the beginning of persistent changes over time in the
system.
In ML.NET, The IID Spike Detection or IID Change point Detection algorithms are suited
for independent and identically distributed datasets . They assume that your input
data is a sequence of data points that are independently sampled from one stationary
distribution .
Unlike the models in the other tutorials, the time series anomaly detector transforms
operate directly on input data. The IEstimator.Fit() method does not need training
data to produce the transform. It does need the data schema though, which is provided
by a data view generated from an empty list of ProductSalesData .
You'll analyze the same product sales data to detect spikes and change points. The
building and training model process is the same for spike detection and change point
detection; the main difference is the specific detection algorithm used.
Spike detection
The goal of spike detection is to identify sudden yet temporary bursts that significantly
differ from the majority of the time series data values. It's important to detect these
suspicious rare items, events, or observations in a timely manner to be minimized. The
following approach can be used to detect a variety of anomalies such as: outages,
cyber-attacks, or viral web content. The following image is an example of spikes in a
time series dataset:
C#
The CreateEmptyDataView() produces an empty data view object with the correct
schema to be used as input to the IEstimator.Fit() method.
1. Create the DetectSpike() method at the bottom of the Program.cs file using the
following code:
C#
2. Use the IidSpikeEstimator to train the model for spike detection. Add it to the
DetectSpike() method with the following code:
C#
var iidSpikeEstimator =
mlContext.Transforms.DetectIidSpike(outputColumnName:
nameof(ProductSalesPrediction.Prediction), inputColumnName:
nameof(ProductSalesData.numSales), confidence: 95d,
pvalueHistoryLength: docSize / 4);
3. Create the spike detection transform by adding the following as the next line of
code in the DetectSpike() method:
Tip
The confidence and pvalueHistoryLength parameters impact how spikes are
detected. confidence determines how sensitive your model is to spikes. The
lower the confidence, the more likely the algorithm is to detect "smaller"
spikes. The pvalueHistoryLength parameter defines the number of data points
in a sliding window. The value of this parameter is usually a percentage of the
entire dataset. The lower the pvalueHistoryLength , the faster the model
forgets previous large spikes.
C#
ITransformer iidSpikeTransform =
iidSpikeEstimator.Fit(CreateEmptyDataView(mlContext));
4. Add the following line of code to transform the productSales data as the next line
in the DetectSpike() method:
C#
The previous code uses the Transform() method to make predictions for multiple
input rows of a dataset.
5. Convert your transformedData into a strongly typed IEnumerable for easier display
using the CreateEnumerable() method with the following code:
C#
var predictions =
mlContext.Data.CreateEnumerable<ProductSalesPrediction>
(transformedData, reuseRowObject: false);
C#
Console.WriteLine("Alert\tScore\tP-Value");
7. Use the following code to iterate through the predictions IEnumerable and
display the results:
C#
if (p.Prediction[0] == 1)
{
results += " <-- Spike detected";
}
Console.WriteLine(results);
}
}
Console.WriteLine("");
8. Add the call to the DetectSpike() method below the call to the
LoadFromTextFile() method:
C#
Console
values, like level changes and trends. These persistent changes last much longer than
spikes and could indicate catastrophic event(s). Change points are not usually visible to
the naked eye, but can be detected in your data using approaches such as in the
following method. The following image is an example of a change point detection:
Create the DetectChangepoint() method
The DetectChangepoint() method executes the following tasks:
C#
C#
var iidChangePointEstimator =
mlContext.Transforms.DetectIidChangePoint(outputColumnName:
nameof(ProductSalesPrediction.Prediction), inputColumnName:
nameof(ProductSalesData.numSales), confidence: 95d,
changeHistoryLength: docSize / 4);
3. As you did previously, create the transform from the estimator by adding the
following line of code in the DetectChangePoint() method:
Tip
The detection of change points happens with a slight delay as the model
needs to make sure the current deviation is a persistent change and not just
some random spikes before creating an alert. The amount of this delay is
equal to the changeHistoryLength parameter. By increasing the value of this
parameter, change detection alerts on more persistent changes, but the
trade-off would be a longer delay.
C#
var iidChangePointTransform =
iidChangePointEstimator.Fit(CreateEmptyDataView(mlContext));
4. Use the Transform() method to transform the data by adding the following code
to DetectChangePoint() :
C#
IDataView transformedData =
iidChangePointTransform.Transform(productSales);
following code:
C#
var predictions =
mlContext.Data.CreateEnumerable<ProductSalesPrediction>
(transformedData, reuseRowObject: false);
6. Create a display header with the following code as the next line in the
DetectChangePoint() method:
C#
Console.WriteLine("Alert\tScore\tP-Value\tMartingale value");
You'll display the following information in your change point detection results:
P-Value The "P" stands for probability. The closer the P-value is to 0, the
more likely the data point is an anomaly.
Martingale value is used to identify how "weird" a data point is, based on
7. Iterate through the predictions IEnumerable and display the results with the
following code:
C#
if (p.Prediction[0] == 1)
{
results += " <-- alert is on, predicted changepoint";
}
Console.WriteLine(results);
}
}
Console.WriteLine("");
8. Add the following call to the DetectChangepoint() method after the call to the
DetectSpike() method:
C#
Console
Detect Persistent changes in pattern
=============== Training the model Using Change Point Detection
Algorithm===============
=============== End of training process ===============
Alert Score P-Value Martingale value
0 271.00 0.50 0.00
0 150.90 0.00 2.33
0 188.10 0.41 2.80
0 124.30 0.13 9.16
0 185.30 0.47 9.77
0 173.50 0.47 10.41
0 236.80 0.19 24.46
0 229.50 0.27 42.38
1 197.80 0.48 44.23 <-- alert is on, predicted changepoint
0 127.90 0.13 145.25
0 341.50 0.00 0.01
0 190.90 0.48 0.01
0 199.30 0.48 0.00
0 154.50 0.24 0.00
0 215.10 0.42 0.00
0 278.30 0.19 0.00
0 196.40 0.43 0.00
0 292.00 0.17 0.01
0 231.00 0.45 0.00
0 308.60 0.18 0.00
0 294.90 0.19 0.00
0 426.60 0.00 0.00
0 269.50 0.47 0.00
0 347.30 0.21 0.00
0 344.70 0.27 0.00
0 445.40 0.06 0.02
0 320.90 0.49 0.01
0 444.30 0.12 0.02
0 406.30 0.29 0.01
0 442.40 0.21 0.01
0 580.50 0.00 0.01
0 412.60 0.45 0.01
0 687.00 0.01 0.12
0 480.30 0.40 0.08
0 586.30 0.20 0.03
0 651.90 0.14 0.09
Congratulations! You've now successfully built machine learning models for detecting
spikes and change point anomalies in sales data.
You can find the source code for this tutorial at the dotnet/samples repository.
Next steps
Check out the Machine Learning samples GitHub repository to explore a seasonality
data anomaly detection sample.
Learn how to use a pre-trained ONNX model in ML.NET to detect objects in images.
Training an object detection model from scratch requires setting millions of parameters,
a large amount of labeled training data and a vast amount of compute resources
(hundreds of GPU hours). Using a pre-trained model allows you to shortcut the training
process.
Pre-requisites
Visual Studio 2022 .
Microsoft.ML NuGet Package
Microsoft.ML.ImageAnalytics NuGet Package
Microsoft.ML.OnnxTransformer NuGet Package
Tiny YOLOv2 pre-trained model
Netron (optional)
Use object detection when images contain multiple objects of different types.
Self-Driving Cars
Robotics
Face Detection
Workplace Safety
Object Counting
Activity Recognition
There are different types of neural networks, the most common being Multi-Layered
Perceptron (MLP), Convolutional Neural Network (CNN) and Recurrent Neural Network
(RNN). The most basic is the MLP, which maps a set of inputs to a set of outputs. This
neural network is good when the data does not have a spatial or time component. The
CNN makes use of convolutional layers to process spatial information contained in the
data. A good use case for CNNs is image processing to detect the presence of a feature
in a region of an image (for example, is there a nose in the center of an image?). Finally,
RNNs allow for the persistence of state or memory to be used as input. RNNs are used
for time-series analysis, where the sequential ordering and context of events is
important.
7 Note
This sample uses the latest stable version of the NuGet packages mentioned
unless otherwise stated.
2. Copy the assets directory into your ObjectDetection project directory. This
directory and its subdirectories contain the image files (except for the Tiny YOLOv2
model, which you'll download and add in the next step) needed for this tutorial.
3. Download the Tiny YOLOv2 model from the ONNX Model Zoo .
4. Copy the model.onnx file into your ObjectDetection project assets\Model directory
and rename it to TinyYolo2_model.onnx . This directory contains the model needed
for this tutorial.
5. In Solution Explorer, right-click each of the files in the asset directory and
subdirectories and select Properties. Under Advanced, change the value of Copy
to Output Directory to Copy if newer.
using System.Drawing;
using System.Drawing.Drawing2D;
using ObjectDetection.YoloParser;
using ObjectDetection.DataStructures;
using ObjectDetection;
using Microsoft.ML;
1. First, create the GetAbsolutePath method at the bottom of the Program.cs file.
C#
return fullPath;
}
2. Then, below the using statements, create fields to store the location of your assets.
C#
Add a new directory to your project to store your input data and prediction classes.
In Solution Explorer, right-click the project, and then select Add > New Folder. When
the new folder appears in the Solution Explorer, name it "DataStructures".
Create your input data class in the newly created DataStructures directory.
1. In Solution Explorer, right-click the DataStructures directory, and then select Add
> New Item.
2. In the Add New Item dialog box, select Class and change the Name field to
ImageNetData.cs. Then, select the Add button.
The ImageNetData.cs file opens in the code editor. Add the following using
statement to the top of ImageNetData.cs:
C#
using System.Collections.Generic;
using System.IO;
using System.Linq;
using Microsoft.ML.Data;
Remove the existing class definition and add the following code for the
ImageNetData class to the ImageNetData.cs file:
C#
[LoadColumn(1)]
public string Label;
ImageNetData is the input image data class and has the following String fields:
2. In the Add New Item dialog box, select Class and change the Name field to
ImageNetPrediction.cs. Then, select the Add button.
The ImageNetPrediction.cs file opens in the code editor. Add the following using
statement to the top of ImageNetPrediction.cs:
C#
using Microsoft.ML.Data;
Remove the existing class definition and add the following code for the
ImageNetPrediction class to the ImageNetPrediction.cs file:
C#
ImageNetPrediction is the prediction data class and has the following float[]
field:
Initialize variables
The MLContext class is a starting point for all ML.NET operations, and initializing
mlContext creates a new ML.NET environment that can be shared across the model
creation workflow objects. It's similar, conceptually, to DBContext in Entity Framework.
Initialize the mlContext variable with a new instance of MLContext by adding the
following line below the outputFolder field.
C#
x the x position of the bounding box center relative to the grid cell it's associated
with.
y the y position of the bounding box center relative to the grid cell it's associated
with.
w the width of the bounding box.
h the height of the bounding box.
o the confidence value that an object exists within the bounding box, also known
as objectness score.
p1-p20 class probabilities for each of the 20 classes predicted by the model.
In total, the 25 elements describing each of the 5 bounding boxes make up the 125
elements contained in each grid cell.
The output generated by the pre-trained ONNX model is a float array of length 21125 ,
representing the elements of a tensor with dimensions 125 x 13 x 13 . In order to
transform the predictions generated by the model into a tensor, some post-processing
work is required. To do so, create a set of classes to help parse the output.
Add a new directory to your project to organize the set of parser classes.
1. In Solution Explorer, right-click the project, and then select Add > New Folder.
When the new folder appears in the Solution Explorer, name it "YoloParser".
Create bounding boxes and dimensions
The data output by the model contains coordinates and dimensions of the bounding
boxes of objects within the image. Create a base class for dimensions.
1. In Solution Explorer, right-click the YoloParser directory, and then select Add >
New Item.
2. In the Add New Item dialog box, select Class and change the Name field to
DimensionsBase.cs. Then, select the Add button.
The DimensionsBase.cs file opens in the code editor. Remove all using statements
and existing class definition.
Add the following code for the DimensionsBase class to the DimensionsBase.cs file:
C#
1. In Solution Explorer, right-click the YoloParser directory, and then select Add >
New Item.
2. In the Add New Item dialog box, select Class and change the Name field to
YoloBoundingBox.cs. Then, select the Add button.
The YoloBoundingBox.cs file opens in the code editor. Add the following using
statement to the top of YoloBoundingBox.cs:
C#
using System.Drawing;
Just above the existing class definition, add a new class definition called
BoundingBoxDimensions that inherits from the DimensionsBase class to contain the
dimensions of the respective bounding box.
C#
Remove the existing YoloBoundingBox class definition and add the following code
for the YoloBoundingBox class to the YoloBoundingBox.cs file:
C#
Label contains the class of object detected within the bounding box.
Confidence contains the confidence of the class.
dimensions.
BoxColor contains the color associated with the respective class used to draw
on the image.
1. In Solution Explorer, right-click the YoloParser directory, and then select Add >
New Item.
2. In the Add New Item dialog box, select Class and change the Name field to
YoloOutputParser.cs. Then, select the Add button.
The YoloOutputParser.cs file opens in the code editor. Add the following using
statements to the top of YoloOutputParser.cs:
C#
using System;
using System.Collections.Generic;
using System.Drawing;
using System.Linq;
Inside the existing YoloOutputParser class definition, add a nested class that
contains the dimensions of each of the cells in the image. Add the following code
for the CellDimensions class that inherits from the DimensionsBase class at the top
of the YoloOutputParser class definition.
C#
3. Inside the YoloOutputParser class definition, add the following constants and field.
C#
ROW_COUNT is the number of rows in the grid the image is divided into.
COL_COUNT is the number of columns in the grid the image is divided into.
CHANNEL_COUNT is the total number of values contained in one cell of the grid.
(x,y,height,width,confidence).
CLASS_COUNT is the number of class predictions contained in each bounding
box.
CELL_WIDTH is the width of one cell in the image grid.
CELL_HEIGHT is the height of one cell in the image grid.
When the model makes a prediction, also known as scoring, it divides the 416px x
416px input image into a grid of cells the size of 13 x 13 . Each cell contains is 32px
x 32px . Within each cell, there are 5 bounding boxes each containing 5 features (x,
y, width, height, confidence). In addition, each bounding box contains the
probability of each of the classes, which in this case is 20. Therefore, each cell
contains 125 pieces of information (5 features + 20 class probabilities).
C#
Anchors are pre-defined height and width ratios of bounding boxes. Most object or
classes detected by a model have similar ratios. This is valuable when it comes to
creating bounding boxes. Instead of predicting the bounding boxes, the offset from the
pre-defined dimensions is calculated therefore reducing the computation required to
predict the bounding box. Typically these anchor ratios are calculated based on the
dataset used. In this case, because the dataset is known and the values have been pre-
computed, the anchors can be hard-coded.
Next, define the labels or classes that the model will predict. This model predicts 20
classes, which is a subset of the total number of classes predicted by the original
YOLOv2 model.
C#
private string[] labels = new string[]
{
"aeroplane", "bicycle", "bird", "boat", "bottle",
"bus", "car", "cat", "chair", "cow",
"diningtable", "dog", "horse", "motorbike", "person",
"pottedplant", "sheep", "sofa", "train", "tvmonitor"
};
There are colors associated with each of the classes. Assign your class colors below your
labels :
C#
Sigmoid applies the sigmoid function that outputs a number between 0 and 1.
it has detected an object and uses the Sigmoid function to turn it into a
percentage.
MapBoundingBoxToCell uses the bounding box dimensions and maps them onto its
model output using the GetOffset method and turns them into a probability
distribution using the Softmax method.
GetTopResult selects the class from the list of predicted classes with the highest
probability.
IntersectionOverUnion filters overlapping bounding boxes with lower probabilities.
Add the code for all the helper methods below your list of classColors .
C#
if (areaB <= 0)
return 0;
Once you have defined all of the helper methods, it's time to use them to process the
model output.
C#
Create a list to store your bounding boxes and define variables inside the ParseOutputs
method.
C#
Each image is divided into a grid of 13 x 13 cells. Each cell contains five bounding
boxes. Below the boxes variable, add code to process all of the boxes in each of the
cells.
C#
}
}
}
Inside the inner-most loop, calculate the starting position of the current box within the
one-dimensional model output.
C#
C#
BoundingBoxDimensions boundingBoxDimensions =
ExtractBoundingBoxDimensions(yoloModelOutputs, row, column, channel);
Then, use the GetConfidence method to get the confidence for the current bounding
box.
C#
After that, use the MapBoundingBoxToCell method to map the current bounding box to
the current cell being processed.
C#
Before doing any further processing, check whether your confidence value is greater
than the threshold provided. If not, process the next bounding box.
C#
if (confidence < threshold)
continue;
Otherwise, continue processing the output. The next step is to get the probability
distribution of the predicted classes for the current bounding box using the
ExtractClasses method.
C#
Then, use the GetTopResult method to get the value and index of the class with the
highest probability for the current box and compute its score.
C#
Use the topScore to once again keep only those bounding boxes that are above the
specified threshold.
C#
Finally, if the current bounding box exceeds the threshold, create a new BoundingBox
object and add it to the boxes list.
C#
boxes.Add(new YoloBoundingBox()
{
Dimensions = new BoundingBoxDimensions
{
X = (mappedBoundingBox.X - mappedBoundingBox.Width / 2),
Y = (mappedBoundingBox.Y - mappedBoundingBox.Height / 2),
Width = mappedBoundingBox.Width,
Height = mappedBoundingBox.Height,
},
Confidence = topScore,
Label = labels[topResultIndex],
BoxColor = classColors[topResultIndex]
});
Once all cells in the image have been processed, return the boxes list. Add the following
return statement below the outer-most for-loop in the ParseOutputs method.
C#
return boxes;
C#
Inside the FilterBoundingBoxes method, start off by creating an array equal to the size
of detected boxes and marking all slots as active or ready for processing.
C#
Then, sort the list containing your bounding boxes in descending order based on
confidence.
C#
C#
Begin processing each bounding box by iterating over each of the bounding boxes.
C#
Inside of this for-loop, check whether the current bounding box can be processed.
C#
if (isActiveBoxes[i])
{
If so, add the bounding box to the list of results. If the results exceed the specified limit
of boxes to be extracted, break out of the loop. Add the following code inside the if-
statement.
C#
Otherwise, look at the adjacent bounding boxes. Add the following code below the box
limit check.
C#
}
Like the first box, if the adjacent box is active or ready to be processed, use the
IntersectionOverUnion method to check whether the first box and the second box
exceed the specified threshold. Add the following code to your innermost for-loop.
C#
if (isActiveBoxes[j])
{
var boxB = sortedBoxes[j].Box;
if (activeCount <= 0)
break;
}
}
Outside of the inner-most for-loop that checks adjacent bounding boxes, see whether
there are any remaining bounding boxes to be processed. If not, break out of the outer
for-loop.
C#
if (activeCount <= 0)
break;
Finally, outside of the initial for-loop of the FilterBoundingBoxes method, return the
results:
C#
return results;
Great! Now it's time to use this code along with the model for scoring.
1. In Solution Explorer, right-click the project, and then select Add > New Item.
2. In the Add New Item dialog box, select Class and change the Name field to
OnnxModelScorer.cs. Then, select the Add button.
The OnnxModelScorer.cs file opens in the code editor. Add the following using
statements to the top of OnnxModelScorer.cs:
C#
using System;
using System.Collections.Generic;
using System.Linq;
using Microsoft.ML;
using Microsoft.ML.Data;
using ObjectDetection.DataStructures;
using ObjectDetection.YoloParser;
C#
Directly below that, create a constructor for the OnnxModelScorer class that will
initialize the previously defined variables.
C#
Once you have created the constructor, define a couple of structs that contain
variables related to the image and model settings. Create a struct called
ImageNetSettings to contain the height and width expected as input for the model.
C#
public struct ImageNetSettings
{
public const int imageHeight = 416;
public const int imageWidth = 416;
}
After that, create another struct called TinyYoloModelSettings that contains the
names of the input and output layers of the model. To visualize the name of the
input and output layers of the model, you can use a tool like Netron .
C#
Next, create the first set of methods use for scoring. Create the LoadModel method
inside of your OnnxModelScorer class.
C#
Inside the LoadModel method, add the following code for logging.
C#
Console.WriteLine("Read model");
Console.WriteLine($"Model location: {modelLocation}");
Console.WriteLine($"Default parameters: image size=
({ImageNetSettings.imageWidth},{ImageNetSettings.imageHeight})");
ML.NET pipelines need to know the data schema to operate on when the Fit
method is called. In this case, a process similar to training will be used. However,
because no actual training is happening, it is acceptable to use an empty
IDataView. Create a new IDataView for the pipeline from an empty list.
C#
Below that, define the pipeline. The pipeline will consist of four transforms.
Define your pipeline in the LoadModel method below the data variable.
C#
.Append(mlContext.Transforms.ResizeImages(outputColumnName: "image",
imageWidth: ImageNetSettings.imageWidth, imageHeight:
ImageNetSettings.imageHeight, inputColumnName: "image"))
.Append(mlContext.Transforms.ExtractPixels(outputColumnName: "image"))
.Append(mlContext.Transforms.ApplyOnnxModel(modelFile:
modelLocation, outputColumnNames: new[] {
TinyYoloModelSettings.ModelOutput }, inputColumnNames: new[] {
TinyYoloModelSettings.ModelInput }));
Now it's time to instantiate the model for scoring. Call the Fit method on the
pipeline and return it for further processing.
C#
return model;
Once the model is loaded, it can then be used to make predictions. To facilitate that
process, create a method called PredictDataUsingModel below the LoadModel method.
C#
C#
C#
Extract the predicted probabilities and return them for additional processing.
C#
return probabilities;
Now that both steps are set up, combine them into a single method. Below the
PredictDataUsingModel method, add a new method called Score .
C#
Detect objects
Now that all of the setup is complete, it's time to detect some objects.
C#
try
{
}
catch (Exception ex)
{
Console.WriteLine(ex.ToString());
}
Inside of the try block, start implementing the object detection logic. First, load the
data into an IDataView.
C#
Then, create an instance of OnnxModelScorer and use it to score the loaded data.
C#
Now it's time for the post-processing step. Create an instance of YoloOutputParser and
use it to process the model output.
C#
YoloOutputParser parser = new YoloOutputParser();
var boundingBoxes =
probabilities
.Select(probability => parser.ParseOutputs(probability))
.Select(boxes => parser.FilterBoundingBoxes(boxes, 5, .5F));
Once the model output has been processed, it's time to draw the bounding boxes on
the images.
Visualize predictions
After the model has scored the images and the outputs have been processed, the
bounding boxes have to be drawn on the image. To do so, add a method called
DrawBoundingBox below the GetAbsolutePath method inside of Program.cs.
C#
First, load the image and get the height and width dimensions in the DrawBoundingBox
method.
C#
Then, create a for-each loop to iterate over each of the bounding boxes detected by the
model.
C#
Inside of the for-each loop, get the dimensions of the bounding box.
C#
Because the dimensions of the bounding box correspond to the model input of 416 x
416 , scale the bounding box dimensions to match the actual size of the image.
C#
x = (uint)originalImageWidth * x /
OnnxModelScorer.ImageNetSettings.imageWidth;
y = (uint)originalImageHeight * y /
OnnxModelScorer.ImageNetSettings.imageHeight;
width = (uint)originalImageWidth * width /
OnnxModelScorer.ImageNetSettings.imageWidth;
height = (uint)originalImageHeight * height /
OnnxModelScorer.ImageNetSettings.imageHeight;
Then, define a template for text that will appear above each bounding box. The text will
contain the class of the object inside of the respective bounding box as well as the
confidence.
C#
C#
Inside the using code block, tune the graphic's Graphics object settings.
C#
thumbnailGraphic.CompositingQuality = CompositingQuality.HighQuality;
thumbnailGraphic.SmoothingMode = SmoothingMode.HighQuality;
thumbnailGraphic.InterpolationMode = InterpolationMode.HighQualityBicubic;
Below that, set the font and color options for the text and bounding box.
C#
Create and fill a rectangle above the bounding box to contain the text using the
FillRectangle method. This will help contrast the text and improve readability.
C#
Then, Draw the text and bounding box on the image using the DrawString and
DrawRectangle methods.
C#
Outside of the for-each loop, add code to save the images in the outputFolder .
C#
if (!Directory.Exists(outputImageLocation))
{
Directory.CreateDirectory(outputImageLocation);
}
image.Save(Path.Combine(outputImageLocation, imageName));
For additional feedback that the application is making predictions as expected at run
time, add a method called LogDetectedObjects below the DrawBoundingBox method in
the Program.cs file to output the detected objects to the console.
C#
Console.WriteLine("");
}
Now that you have helper methods to create visual feedback from the predictions, add a
for-loop to iterate over each of the scored images.
C#
Inside of the for-loop, get the name of the image file and the bounding boxes
associated with it.
C#
Below that, use the DrawBoundingBox method to draw the bounding boxes on the image.
C#
C#
LogDetectedObjects(imageFileName, detectedObjects);
After the try-catch statement, add additional logic to indicate the process is done
running.
C#
That's it!
Results
After following the previous steps, run your console app (Ctrl + F5). Your results should
be similar to the following output. You may see warnings or processing messages, but
these messages have been removed from the following results for clarity.
Console
You can find the source code for this tutorial at the dotnet/machinelearning-samples
repository.
Check out the Machine Learning samples GitHub repository to explore an expanded
object detection sample.
This tutorial shows you how to use a pre-trained TensorFlow model to classify sentiment
in website comments. The binary sentiment classifier is a C# console application
developed using Visual Studio.
The TensorFlow model used in this tutorial was trained using movie reviews from the
IMDB database. Once you have finished developing the application, you will be able to
supply movie review text and the application will tell you whether the review has
positive or negative sentiment.
You can find the source code for this tutorial at the dotnet/samples repository.
Prerequisites
Visual Studio 2022 with the ".NET Desktop Development" workload installed.
Setup
3. Create a directory named Data in your project to save your data set files.
This sample uses the latest stable version of the NuGet packages mentioned
unless otherwise stated.
7 Note
saved_model.pb : the TensorFlow model itself. The model takes a fixed length
(size 600) integer array of features representing the text in an IMDB review
string, and outputs two probabilities which sum to 1: the probability that the
input review has positive sentiment, and the probability that the input review
has negative sentiment.
imdb_word_index.csv : a mapping from individual words to an integer value.
The mapping is used to generate the input features for the TensorFlow
model.
C#
using Microsoft.ML;
using Microsoft.ML.Data;
using Microsoft.ML.Transforms;
2. Create a global variable right after the using statements to hold the saved model
file path.
C#
The first is to split the text into separate words and use the provided mapping file to
map each word onto an integer encoding. The result of this transformation is a variable
length integer array with a length corresponding to the number of words in the
sentence.
Property Value Type
The variable length feature array is then resized to a fixed length of 600. This is the
length that the TensorFlow model expects.
1. Create a class for your input data at the bottom of the Program.cs file:
C#
/// <summary>
/// Class to hold original sentiment data.
/// </summary>
public class MovieReview
{
public string? ReviewText { get; set; }
}
The input data class, MovieReview , has a string for user comments ( ReviewText ).
2. Create a class for the variable length features after the MovieReview class:
C#
/// <summary>
/// Class to hold the variable length feature vector. Used to define
the
/// column names used as input to the custom mapping action.
/// </summary>
public class VariableLength
{
/// <summary>
/// This is a variable length vector designated by VectorType
attribute.
/// Variable length vectors are produced by applying operations
such as 'TokenizeWords' on strings
/// resulting in vectors of tokens of variable lengths.
/// </summary>
[VectorType]
public int[]? VariableLengthFeatures { get; set; }
}
This class is used in the ResizeFeatures action. The names of its properties (in this
case only one) are used to indicate which columns in the DataView can be used as
the input to the custom mapping action.
3. Create a class for the fixed length features, after the VariableLength class:
C#
/// <summary>
/// Class to hold the fixed length feature vector. Used to define the
/// column names used as output from the custom mapping action,
/// </summary>
public class FixedLength
{
/// <summary>
/// This is a fixed length vector designated by VectorType
attribute.
/// </summary>
[VectorType(Config.FeatureLength)]
public int[]? Features { get; set; }
}
This class is used in the ResizeFeatures action. The names of its properties (in this
case only one) are used to indicate which columns in the DataView can be used as
the output of the custom mapping action.
Note that the name of the property Features is determined by the TensorFlow
model. You cannot change this property name.
C#
/// <summary>
/// Class to contain the output values from the transformation.
/// </summary>
public class MovieReviewSentimentPrediction
{
[VectorType(2)]
public float[]? Prediction { get; set; }
}
5. Create another class to hold configuration values, such as the feature vector
length:
C#
C#
Word Index
kids 362
want 181
wrong 355
effects 302
Word Index
feeling 547
C#
var lookupMap =
mlContext.Data.LoadFromTextFile(Path.Combine(_modelPath,
"imdb_word_index.csv"),
columns: new[]
{
new TextLoader.Column("Words", DataKind.String, 0),
new TextLoader.Column("Ids", DataKind.Int32, 1),
},
separatorChar: ','
);
3. Add an Action to resize the variable length word integer array to an integer array
of fixed size, with the next lines of code:
C#
C#
TensorFlowModel tensorFlowModel =
mlContext.Model.LoadTensorFlowModel(_modelPath);
Once the model is loaded, you can extract its input and output schema. The
schemas are displayed for interest and learning only. You do not need this code for
the final application to function:
C#
DataViewSchema schema = tensorFlowModel.GetModelSchema();
Console.WriteLine(" =============== TensorFlow Model Schema
=============== ");
var featuresType = (VectorDataViewType)schema["Features"].Type;
Console.WriteLine($"Name: Features, Type:
{featuresType.ItemType.RawType}, Size:
({featuresType.Dimensions[0]})");
var predictionType =
(VectorDataViewType)schema["Prediction/Softmax"].Type;
Console.WriteLine($"Name: Prediction/Softmax, Type:
{predictionType.ItemType.RawType}, Size:
({predictionType.Dimensions[0]})");
The input schema is the fixed-length array of integer encoded words. The output
schema is a float array of probabilities indicating whether a review's sentiment is
negative, or positive . These values sum to 1, as the probability of being positive is
the complement of the probability of the sentiment being negative.
C#
IEstimator<ITransformer> pipeline =
// Split the text into individual words
mlContext.Transforms.Text.TokenizeIntoWords("TokenizedWords",
"ReviewText")
The TokenizeIntoWords transform uses spaces to parse the text/string into words.
It creates a new column and splits each input string to a vector of substrings based
on the user-defined separator.
2. Map the words onto their integer encoding using the lookup table that you
declared above:
C#
// Map each word to an integer value. The array of integer makes up the
input features.
.Append(mlContext.Transforms.Conversion.MapValue("VariableLengthFeature
s", lookupMap,
lookupMap.Schema["Words"], lookupMap.Schema["Ids"],
"TokenizedWords"))
3. Resize the variable length integer encodings to the fixed-length one required by
the model:
C#
C#
The TensorFlow model output is called Prediction/Softmax . Note that the name
Prediction/Softmax is determined by the TensorFlow model. You cannot change
this name.
C#
You need to copy the Prediction/Softmax column into one with a name that can
be used as a property in a C# class: Prediction . The / character is not allowed in a
C# property name.
C#
C#
2. Add the following code to create the PredictionEngine as the first line in the
PredictSentiment() method:
C#
objects for use throughout your application. See this guide on how to use
PredictionEnginePool in an ASP.NET Core Web API.
7 Note
3. Add a comment to test the trained model's prediction in the Predict() method by
creating an instance of MovieReview :
C#
var review = new MovieReview()
{
ReviewText = "this film is really good"
};
4. Pass the test comment data to the Prediction Engine by adding the next lines of
code in the PredictSentiment() method:
C#
C#
Console.WriteLine($"Number of classes:
{sentimentPrediction.Prediction?.Length}");
Console.WriteLine($"Is sentiment/review positive?
{(sentimentPrediction.Prediction?[1] > 0.5 ? "Yes." : "No.")}");
C#
PredictSentiment(mlContext, model);
Results
Build and run your application.
Your results should be similar to the following. During processing, messages are
displayed. You may see warnings, or processing messages. These messages have been
removed from the following results for clarity.
Console
Number of classes: 2
Is sentiment/review positive ? Yes
Congratulations! You've now successfully built a machine learning model for classifying
and predicting messages sentiment by reusing a pre-trained TensorFlow model in
ML.NET.
You can find the source code for this tutorial at the dotnet/samples repository.
This how-to guide teaches you about probabilistic programming using Infer.NET.
Probabilistic programming is a machine learning approach where custom models are
expressed as computer programs. It allows for incorporating domain knowledge in the
models and makes the machine learning system more interpretable. It also supports
online inference – the process of learning as new data arrives. Infer.NET is used in
various products at Microsoft in Azure, Xbox, and Bing.
Prerequisites
Local development environment setup
This how-to guide expects you to have a machine you can use for development.
The .NET tutorial Hello World in 10 minutes has instructions for setting up your
local development environment on macOS, Windows, or Linux.
.NET CLI
The dotnet command creates a new application of type console . The -o parameter
creates a directory named myApp where your app is stored and populates it with the
required files. The cd myApp command puts you into the newly created app directory.
Install Infer.NET package
To use Infer.NET, you need to install the Microsoft.ML.Probabilistic.Compiler package.
In your command prompt, run the following command:
.NET CLI
You need to list the inferred player skills, alongside with their variance – the measure of
uncertainty around the skills.
1 Player 0 Player 1
2 Player 0 Player 3
3 Player 0 Player 4
4 Player 1 Player 2
5 Player 3 Player 1
6 Player 4 Player 2
With a closer look at the sample data, you’ll notice that players 3 and 4 both have one
win and one loss. Let's see what the rankings look like using probabilistic programming.
Notice also there is a player zero because even office match up lists are zero based to us
developers.
Write some code
Having designed the model, it’s time to express it as a probabilistic program using the
Infer.NET modeling API. Open Program.cs in your favorite text editor and replace all of
its contents with the following code:
C#
namespace myApp
{
using System;
using System.Linq;
using Microsoft.ML.Probabilistic;
using Microsoft.ML.Probabilistic.Distributions;
using Microsoft.ML.Probabilistic.Models;
class Program
{
using (Variable.ForEach(game))
{
// The player performance is a noisy version of their skill
var winnerPerformance =
Variable.GaussianFromMeanAndVariance(playerSkills[winners[game]], 1.0);
var loserPerformance =
Variable.GaussianFromMeanAndVariance(playerSkills[losers[game]], 1.0);
.NET CLI
dotnet run
Results
Your results should be similar to the following:
Console
Compiling model...done.
Iterating:
.........|.........|.........|.........|.........| 50
Player 0 skill: Gaussian(9.517, 3.926)
Player 3 skill: Gaussian(6.834, 3.892)
Player 4 skill: Gaussian(6.054, 4.731)
Player 1 skill: Gaussian(4.955, 3.503)
Player 2 skill: Gaussian(2.639, 4.288)
In the results, notice that player 3 ranks slightly higher than player 4 according to our
model. That’s because the victory of player 3 over player 1 is more significant than the
victory of player 4 over player 2 – note that player 1 beats player 2. Player 0 is the overall
champ!
Keep learning
Designing statistical models is a skill on its own. The Microsoft Research Cambridge
team has written a free online book , which gives a gentle introduction to the article.
Chapter 3 of this book covers the TrueSkill model in more detail. Once you have a model
in mind, you can transform it into code using the extensive documentation on the
Infer.NET website.
Next steps
Check out the Infer.NET GitHub repository to continue learning and find more samples.
A machine learning task is the type of prediction or inference being made, based on the
problem or question that is being asked, and the available data. For example, the
classification task assigns data to categories, and the clustering task groups data
according to similarity.
Machine learning tasks rely on patterns in the data rather than being explicitly
programmed.
This article describes the different machine learning tasks that you can choose from in
ML.NET and some common use cases.
Once you have decided which task works for your scenario, then you need to choose the
best algorithm to train your model. The available algorithms are listed in the section for
each task.
Binary classification
A supervised machine learning task that is used to predict which of two classes
(categories) an instance of data belongs to. The input of a classification algorithm is a
set of labeled examples, where each label is an integer of either 0 or 1. The output of a
binary classification algorithm is a classifier, which you can use to predict the class of
new unlabeled instances. Examples of binary classification scenarios include:
AveragedPerceptronTrainer
SdcaLogisticRegressionBinaryTrainer
SdcaNonCalibratedBinaryTrainer
SymbolicSgdLogisticRegressionBinaryTrainer
LbfgsLogisticRegressionBinaryTrainer
LightGbmBinaryTrainer
FastTreeBinaryTrainer
FastForestBinaryTrainer
GamBinaryTrainer
FieldAwareFactorizationMachineTrainer
PriorTrainer
LinearSvmTrainer
The input label column data must be Boolean. The input features column data must be a
fixed-size vector of Single.
Score Single The raw score that was calculated by the model
PredictedLabel Boolean The predicted label, based on the sign of the score. A negative score
maps to false and a positive score maps to true .
Multiclass classification
A supervised machine learning task that is used to predict the class (category) of an
instance of data. The input of a classification algorithm is a set of labeled examples. Each
label normally starts as text. It is then run through the TermTransform, which converts it
to the Key (numeric) type. The output of a classification algorithm is a classifier, which
you can use to predict the class of new unlabeled instances. Examples of multi-class
classification scenarios include:
One vs all upgrades any binary classification learner to act on multiclass datasets.
More information on Wikipedia .
LightGbmMulticlassTrainer
SdcaMaximumEntropyMulticlassTrainer
SdcaNonCalibratedMulticlassTrainer
LbfgsMaximumEntropyMulticlassTrainer
NaiveBayesMulticlassTrainer
OneVersusAllTrainer
PairwiseCouplingTrainer
Score Vector The scores of all classes. Higher value means higher probability to fall
of into the associated class. If the i-th element has the largest value, the
Single predicted label index would be i. Note that i is zero-based index.
PredictedLabel key The predicted label's index. If its value is i, the actual label would be
type the i-th category in the key-valued input label type.
Regression
A supervised machine learning task that is used to predict the value of the label from a
set of related features. The label can be of any real value and is not from a finite set of
values as in classification tasks. Regression algorithms model the dependency of the
label on its related features to determine how the label will change as the values of the
features are varied. The input of a regression algorithm is a set of examples with labels
of known values. The output of a regression algorithm is a function, which you can use
to predict the label value for any new set of input features. Examples of regression
scenarios include:
Regression trainers
You can train a regression model using the following algorithms:
LbfgsPoissonRegressionTrainer
LightGbmRegressionTrainer
SdcaRegressionTrainer
OlsTrainer
OnlineGradientDescentTrainer
FastTreeRegressionTrainer
FastTreeTweedieTrainer
FastForestRegressionTrainer
GamRegressionTrainer
Score Single The raw score that was predicted by the model
Clustering
An unsupervised machine learning task that is used to group instances of data into
clusters that contain similar characteristics. Clustering can also be used to identify
relationships in a dataset that you might not logically derive by browsing or simple
observation. The inputs and outputs of a clustering algorithm depends on the
methodology chosen. You can take a distribution, centroid, connectivity, or density-
based approach. ML.NET currently supports a centroid-based approach using K-Means
clustering. Examples of clustering scenarios include:
Understanding segments of hotel guests based on habits and characteristics of
hotel choices.
Identifying customer segments and demographics to help build targeted
advertising campaigns.
Categorizing inventory based on manufacturing metrics.
Clustering trainer
You can train a clustering model using the following algorithm:
KMeansTrainer
Score vector of Single The distances of the given data point to all clusters' centroids
PredictedLabel key type The closest cluster's index predicted by the model.
Anomaly detection
This task creates an anomaly detection model by using Principal Component Analysis
(PCA). PCA-Based Anomaly Detection helps you build a model in scenarios where it is
easy to obtain training data from one class, such as valid transactions, but difficult to
obtain sufficient samples of the targeted anomalies.
RandomizedPcaTrainer
Score Single The non-negative, unbounded score that was calculated by the
anomaly detection model
Ranking
A ranking task constructs a ranker from a set of labeled examples. This example set
consists of instance groups that can be scored with a given criteria. The ranking labels
are { 0, 1, 2, 3, 4 } for each instance. The ranker is trained to rank new instance groups
with unknown scores for each instance. ML.NET ranking learners are machine learned
ranking based.
LightGbmRankingTrainer
FastTreeRankingTrainer
Ranking input and outputs
The input label data type must be key type or Single. The value of the label determines
relevance, where higher values indicate higher relevance. If the label is a key type, then
the key index is the relevance value, where the smallest index is the least relevant. If the
label is a Single, larger values indicate higher relevance.
The feature data must be a fixed size vector of Single and input row group column must
be key type.
Score Single The unbounded score that was calculated by the model to determine the
prediction
Recommendation
A recommendation task enables producing a list of recommended products or services.
ML.NET uses Matrix factorization (MF) , a collaborative filtering algorithm for
recommendations when you have historical product rating data in your catalog. For
example, you have historical movie rating data for your users and want to recommend
other movies they are likely to watch next.
MatrixFactorizationTrainer
Forecasting
The forecasting task use past time-series data to make predictions about future
behavior. Scenarios applicable to forecasting include weather forecasting, seasonal sales
predictions, and predictive maintenance.
Forecasting trainers
You can train a forecasting model with the following algorithm:
ForecastBySsa
Image Classification
A supervised machine learning task that is used to predict the class (category) of an
image. The input is a set of labeled examples. Each label normally starts as text. It is then
run through the TermTransform, which converts it to the Key (numeric) type. The output
of the image classification algorithm is a classifier, which you can use to predict the class
of new images. The image classification task is a type of multiclass classification.
Examples of image classification scenarios include:
ImageClassificationTrainer
Score Single The scores of all classes.Higher value means higher probability to fall
into the associated class. If the i-th element has the largest value, the
predicted label index would be i.Note that i is zero-based index.
PredictedLabel Key The predicted label's index. If its value is i, the actual label would be
type the i-th category in the key-valued input label type.
Object Detection
A supervised machine learning task that is used to predict the class (category) of an
image but also gives a bounding box to where that category is within the image. Instead
of classifying a single object in an image, object detection can detect multiple objects
within an image. Examples of object detection include:
Object detection model training is currently only available in Model Builder using Azure
Machine Learning.
Data transformations
Article • 09/16/2022
The transformations in this guide return classes that implement the IEstimator interface.
Data transformations can be chained together. Each transformation both expects and
produces data of specific types and formats, which are specified in the linked reference
documentation.
Some data transformations require training data to calculate their parameters. For
example: the NormalizeMeanVariance transformer calculates the mean and variance of
the training data during the Fit() operation, and uses those parameters in the
Transform() operation.
Other data transformations don't require training data. For example: the
ConvertToGrayscale transformation can perform the Transform() operation without
having seen any training data during the Fit() operation.
Concatenate Concatenate one or more input columns into a new output Yes
column
SelectColumns Select one or more columns to keep from the input data Yes
NormalizeMeanVariance Subtract the mean (of the training data) and divide Yes
by the variance (of the training data)
NormalizeBinning Assign the input value to a bin index and divide by Yes
the number of bins to produce a float value
between 0 and 1. The bin boundaries are calculated
to evenly distribute the training data across bins
NormalizeRobustScaling Scale each value using statistics that are robust to Yes
outliers that will center the data around 0 and scales
the data according to the quantile range.
Text transformations
Transform Definition ONNX
Exportable
Image transformations
Transform Definition ONNX
Exportable
DetectEntireAnomalyBySrCnn Detect anomalies for the entire input data using the No
SRCNN algorithm.
Missing values
Transform Definition ONNX
Exportable
IndicateMissingValues Create a new boolean output column, the value of which is Yes
true when the value in the input column is missing
ReplaceMissingValues Create a new output column, the value of which is set to a Yes
default value if the value is missing from the input column,
and the input value otherwise
Feature selection
Transform Definition ONNX
Exportable
Feature transformations
Transform Definition ONNX
Exportable
Explainability transformations
Transform Definition ONNX
Exportable
Calibration transformations
Transform Definition ONNX
Exportable
Platt(String, Transforms a binary classifier raw score into a class probability using Yes
String, logistic regression with parameters estimated using the training
String) data
Platt(Double, Transforms a binary classifier raw score into a class probability using Yes
Double, logistic regression with fixed parameters
String)
Naive Transforms a binary classifier raw score into a class probability by Yes
assigning scores to bins, and calculating the probability based on
the distribution among the bins
Custom transformations
Transform Definition ONNX
Exportable
For each ML.NET task, there are multiple training algorithms to choose from. Which one
to choose depends on the problem you are trying to solve, the characteristics of your
data, and the compute and storage resources you have available. It is important to note
that training a machine learning model is an iterative process. You might need to try
multiple algorithms to find the one that works best.
Algorithms operate on features. Features are numerical values computed from your
input data. They are optimal inputs for machine learning algorithms. You transform your
raw input data into features using one or more data transforms. For example, text data
is transformed into a set of word counts and word combination counts. Once the
features have been extracted from a raw data type using data transforms, they are
referred to as featurized. For example, featurized text, or featurized image data.
With ML.NET, the same algorithm can be applied to different tasks. For example,
Stochastic Dual Coordinate Ascent can be used for Binary Classification, Multiclass
Classification, and Regression. The difference is in how the output of the algorithm is
interpreted to match the task.
For each algorithm/task combination, ML.NET provides a component that executes the
training algorithm and makes the interpretation. These components are called trainers.
For example, the SdcaRegressionTrainer uses the StochasticDualCoordinatedAscent
algorithm applied to the Regression task.
Linear algorithms
Linear algorithms produce a model that calculates scores from a linear combination of
the input data and a set of weights. The weights are parameters of the model estimated
during training.
Linear algorithms work well for features that are linearly separable .
Before training with a linear algorithm, the features should be normalized. This prevents
one feature from having more influence over the result than others.
In general, linear algorithms are scalable, fast, cheap to train, and cheap to predict. They
scale by the number of features and approximately by the size of the training data set.
Linear algorithms make multiple passes over the training data. If your dataset fits into
memory, then adding a cache checkpoint to your ML.NET pipeline before appending the
trainer will make the training run faster.
Averaged perceptron
Best for text classification.
L-BFGS
Use when number of features is large. Produces logistic regression training statistics, but
doesn't scale as well as the AveragedPerceptronTrainer.
Features do not need to be linearly separable to use this type of algorithm. And features
do not need to be normalized, because the individual values in the feature vector are
used independently in the decision process.
Except for Generalized Additive Models (GAMs), tree models can lack explainability
when the number of features is large.
Decision tree algorithms take more resources and do not scale as well as linear ones do.
They do perform well on datasets that can fit into memory.
Boosted decision trees are an ensemble of small trees where each tree scores the input
data and passes the score onto the next tree to produce a better score, and so on,
where each tree in the ensemble improves on the previous.
LightGbmRankingTrainer Ranking No
Fast tree
Use for featurized image data. Resilient to unbalanced data. Highly tunable.
FastTreeRankingTrainer Ranking No
Fast forest
Works well with noisy data.
GamRegressionTrainer Regression No
Matrix factorization
Matrix Factorization
Used for collaborative filtering in recommendation.
MatrixFactorizationTrainer Recommendation No
Meta algorithms
These trainers create a multiclass trainer from a binary trainer. Use with
AveragedPerceptronTrainer, LbfgsLogisticRegressionBinaryTrainer,
SymbolicSgdLogisticRegressionBinaryTrainer, LightGbmBinaryTrainer,
FastTreeBinaryTrainer, FastForestBinaryTrainer, GamBinaryTrainer.
Pairwise coupling
This multiclass classifier trains a binary classification algorithm on each pair of classes. Is
limited in scale by the number of classes, as each combination of two classes must be
trained.
Trainer Task ONNX Exportable
K-Means
Used for clustering.
Naive Bayes
Use this multi-class classification algorithm when the features are independent, and the
training dataset is small.
Prior Trainer
Use this binary classification algorithm to baseline the performance of other trainers. To
be effective, the metrics of the other trainers should be better than the prior trainer.
Recent research has focused on ways to optimize these models to efficiently scale to
larger training sets.
Linear SVM
Predicts a target using a linear binary classification model trained over boolean labeled
data. Alternates between stochastic gradient descent steps and projection steps.
Ordinary least squares refers to the loss function, which computes error as the sum of
the square of distance from the actual value to the predicted line, and fits the model by
minimizing the squared error. This method assumes a strong linear relationship between
the inputs and the dependent variable.
Deep learning is an umbrella term for machine learning techniques that make use of
"deep" neural networks. Today, deep learning is one of the most visible areas of machine
learning because of its success in areas like Computer Vision, Natural Language
Processing, and when applied to reinforcement learning, scenarios like game playing,
decision making and simulation.
A crucial element to the success of deep learning has been the availability of data,
compute, software frameworks, and runtimes that facilitate the creation of neural
network models and their execution for inference. Examples of such frameworks include
Tensorflow, (Py)Torch and ONNX.
ML.NET provides access to some of these frameworks. As a result, ML.NET users can
take advantage of deep learning models without having to start from scratch.
For classical machine learning tasks, ML.NET simplifies this experimentation process
through Automated Machine Learning (AutoML). For more information on AutoML, see
the article what is Automated Machine Learning (AutoML)?.
The past decade has seen an increase in cases, applications and techniques of deep
learning. This increase is driven in part by an increasing variety of operations that can be
incorporated into neural networks, a richer set of arrangements that these operations
can be configured in and improved computational support for these improvements. In
general, neural network architectures can be grouped into the following categories:
Image classification
Audio classification
Translation
Text generation
Text classification
Depending on the scenario, you can use local GPU as well as Azure GPU compute
resources to train and consume deep learning models.
Image classification
In ML.NET you can use the ImageClassification set of APIs to train custom image
classification models.
An image classification training pipeline in ML.NET might look like the following:
C#
.Append(mlContext.MulticlassClassification.Trainers.ImageClassification(feat
ureColumnName: "Image")
.Append(mlContext.Transforms.Conversion.MapKeyToValue("PredictedLabel");
To get started training custom image classification models in ML.NET, see the Train an
image classification model in Azure using Model Builder
Object detection
ML.NET enables you to train custom object detection models in Model Builder using
Azure Machine Learning. All you need is a labelled dataset containing bounding box
information and the categories the objects in the bounding boxes belong to.
The result of the training process is an ONNX model which can then be used with the
ApplyOnnxModel transform for to make predictions.
To train custom object detection models with ML.NET, see the Detect stop signs in
images with Model Builder tutorial
Text classification
Classifying free-form text, whether that's customer reviews or business memos is an
important part of many processes.
In ML.NET, you can use the TextClassificationTrainer set of APIs to train custom text
classification models. The technique used to train custom text classification models in
ML.NET is known as fine-tuning. Fine-tuning enables you to take a pre-trained model
and retrain the layers specific to your domain or problem using your own data. This
gives you the benefit of having a model that’s more tailored to solve your problem
without having to go through the process of training the entire model from scratch. The
pretrained model used by the Text Classification API is a TorchSharp implementation of
NAS-BERT .
A text classification training pipeline in ML.NET might look like the following:
C#
.Append(mlContext.MulticlassClassification.Trainers.TextClassification(sente
nce1ColumnName: "Text"))
.Append(mlContext.Transforms.Conversion.MapKeyToValue("PredictedLabel"));
To get started training text classification models with ML.NET, see the Analyze sentiment
of website comments in a web application using ML.NET Model Builder tutorial.
Sentence Similarity
Tasks such as semantic search rely on the determination of how similar two sentences or
passages of text are to each other.
ML.NET provides the SentenceSimilarityTrainer set of APIs which use the same
underlying model and fine-tuning techniques as the TextClassificationTrainer. However,
instead of producing a category as output, it produces a numerical value representing
how similar two passages are.
A training and inference pipeline for sentence similarity in ML.NET might look like the
following:
C#
// Use the model to make predictions and extract their similarity values
var score = model.Transform(newData).GetColumn<float>("Score");
To get started with sentence similarity, see the samples in the dotnet/machinelearning-
samples repo .
TensorFlow
TensorFlow is a deep learning framework with a rich ecosystem and a variety of pre-
trained models available in the Tensorflow Hub .
With ML.NET, you can take these pretrained TensorFlow models and use them for
inferencing inside your .NET applications.
An inference pipeline using a pretrained TensorFlow model might look like the
following:
C#
To get started consuming pretrained TensorFlow models with ML.NET, see the movie
reviews sentiment analysis using a pre-trained TensorFlow model in ML.NET tutorial
ONNX
The ONNX model repository hosts several pre-trained ONNX models you can use for
inferencing in a wide variety of tasks.
With ML.NET, you can take these pretrained ONNX models and use them for inferencing
inside your .NET applications.
An inference pipeline using a pretrained ONNX model might look like the following:
C#
To get started consuming pretrained ONNX models with ML.NET, see the object
detection using ONNX in ML.NET tutorial
Evaluate your ML.NET model with
metrics
Article • 03/09/2023
Evaluation metrics are specific to the type of machine learning task that a model
performs.
For example, for the classification task, the model is evaluated by measuring how well a
predicted category matches the actual category. And for clustering, evaluation is based
on how close clustered items are to each other, and how much separation there is
between the clusters.
Accuracy Accuracy is the proportion The closer to 1.00, the better. But exactly 1.00
of correct predictions with a indicates an issue (commonly: label/target leakage,
test data set. It is the ratio of over-fitting, or testing with training data). When the
number of correct predictions test data is unbalanced (where most of the instances
to the total number of input belong to one of the classes), the dataset is small, or
samples. It works well if there scores approach 0.00 or 1.00, then accuracy doesn't
are similar number of samples really capture the effectiveness of a classifier and you
belonging to each class. need to check additional metrics.
AUC aucROC or Area under the The closer to 1.00, the better. It should be greater
curve measures the area than 0.50 for a model to be acceptable. A model with
under the curve created by AUC of 0.50 or less is worthless.
sweeping the true positive
rate vs. the false positive rate.
AUCPR aucPR or Area under the curve The closer to 1.00, the better. High scores close to
of a Precision-Recall curve: 1.00 show that the classifier is returning accurate
Useful measure of success of results (high precision), and returning a majority of
prediction when the classes all positive results (high recall).
are imbalanced (highly
skewed datasets).
Metrics Description Look for
F1-score F1 score also known as The closer to 1.00, the better. An F1 score reaches its
balanced F-score or F- best value at 1.00 and worst score at 0.00. It tells you
measure. It's the harmonic how precise your classifier is.
mean of the precision and
recall. F1 Score is helpful
when you want to seek a
balance between Precision
and Recall.
For further details on binary classification metrics read the following articles:
Macro- Macro-average Accuracy is the average accuracy at The closer to 1.00, the
Accuracy the class level. The accuracy for each class is better. It computes the
computed and the macro-accuracy is the average of metric independently for
these accuracies. Basically, every class contributes each class and then takes
equally to the accuracy metric. Minority classes are the average (hence treating
given equal weight as the larger classes. The macro- all classes equally)
average metric gives the same weight to each class,
no matter how many instances from that class the
dataset contains.
Metrics Description Look for
Log-loss Logarithmic loss measures the performance of a The closer to 0.00, the
classification model where the prediction input is a better. A perfect model
probability value between 0.00 and 1.00. Log-loss would have a log-loss of
increases as the predicted probability diverges from 0.00. The goal of our
the actual label. machine learning models is
to minimize this value.
Log-Loss Logarithmic loss reduction can be interpreted as the Ranges from -inf and 1.00,
Reduction advantage of the classifier over a random prediction. where 1.00 is perfect
predictions and 0.00
indicates mean predictions.
For example, if the value
equals 0.20, it can be
interpreted as "the
probability of a correct
prediction is 20% better than
random guessing"
Example, for a support ticket classification task: (maps incoming tickets to support
teams)
Macro-accuracy overweights small teams in this example; a small team that gets only 10
tickets per year counts as much as a large team with 10k tickets per year. Micro-
accuracy in this case correlates better with the business need of, "how much
time/money can the company save by automating my ticket routing process".
For further details on multi-class classification metrics read the following articles:
Absolute- Absolute-loss or Mean absolute error (MAE) The closer to 0.00, the
loss measures how close the predictions are to the actual better quality. The mean
outcomes. It is the average of all the model errors, absolute error uses the
where model error is the absolute distance between same scale as the data
the predicted label value and the correct label value. being measured (is not
This prediction error is calculated for each record of normalized to specific
the test data set. Finally, the mean value is calculated range). Absolute-loss,
for all recorded absolute errors. Squared-loss, and RMS-loss
can only be used to make
comparisons between
models for the same
dataset or dataset with a
similar label value
distribution.
RMS-loss RMS-loss or Root Mean Squared Error (RMSE) (also It is always non-negative,
called Root Mean Square Deviation, RMSD), measures and values closer to 0.00
the difference between values predicted by a model are better. RMSD is a
and the values observed from the environment that is measure of accuracy, to
being modeled. RMS-loss is the square root of compare forecasting errors
Squared-loss and has the same units as the label, of different models for a
similar to the absolute-loss though giving more particular dataset and not
weight to larger differences. Root mean square error is between datasets, as it is
commonly used in climatology, forecasting, and scale-dependent.
regression analysis to verify experimental results.
Average Average of the distance between data points Values closer to 0 are better. The
Distance and the center of their assigned cluster. The closer to zero the average
average distance is a measure of proximity of distance is, the more clustered the
the data points to cluster centroids. It's a data is. Note though, that this
measure of how 'tight' the cluster is. metric will decrease if the number
of clusters is increased, and in the
extreme case (where each distinct
data point is its own cluster) it will
be equal to zero.
Davies The average ratio of within-cluster distances Values closer to 0 are better.
Bouldin to between-cluster distances. The tighter the Clusters that are farther apart and
Index cluster, and the further apart the clusters are, less dispersed will result in a
the lower this value is. better score.
Metric Description Look for
Normalized Can be used when the training data used to Values closer to 1 are better
Mutual train the clustering model also comes with
Information ground truth labels (that is, supervised
clustering). The Normalized Mutual
Information metric measures whether similar
data points get assigned to the same cluster
and disparate data points get assigned to
different clusters. Normalized mutual
information is a value between 0 and 1
algorithm as ground truth labels. One DCG value is provided for each
position in the ranking table, hence the name Discounted Cumulative
Gains.
Normalized Normalizing DCG allows the metric to be compared for ranking lists of Values
Discounted different lengths closer
Cumulative to 1
Gains are
better
Area Area under the receiver operator curve Values closer to 1 are better. Only
Under measures how well the model separates values greater than 0.5 demonstrate
ROC anomalous and usual data points. effectiveness of the model. Values of
Curve 0.5 or below indicate that the model is
no better than randomly allocating
the inputs to anomalous and usual
categories
Detection Detection rate at false positive count is the Values closer to 1 are better. If there
Rate At ratio of the number of correctly identified are no false positives, then this value
False anomalies to the total number of anomalies is 1
Positive in a test set, indexed by each false positive.
Count That is, there is a value for detection rate at
false positive count for each false positive
item.
Pearson Pearson correlation , also Absolute values closer to 1 are most similar. This
Correlation known as correlation metric ranges from -1 to 1. An absolute value of 1
coefficient, measures the implies that the datasets are identical. A value of 0
dependence or relationship implies there is no relationship between the two
between two sets of data. sets of data.
Improve your ML.NET model
Article • 03/18/2022
For more information about using PFI, see Explain model predictions using Permutation
Feature Importance.
Cross-validation
Cross-validation is a training and model evaluation technique that splits the data into
several partitions and trains multiple algorithms on these partitions. This technique
improves the robustness of the model by holding out data from the training process. In
addition to improving performance on unseen observations, in data-constrained
environments it can be an effective tool for training models with a smaller dataset.
Visit the following link to learn how to use cross validation in ML.NET
Hyperparameter tuning
Training machine learning models is an iterative and exploratory process. For example,
what is the optimal number of clusters when training a model using the K-Means
algorithm? The answer depends on many factors such as the structure of the data.
Finding that number would require experimenting with different values for k and then
evaluating performance to determine which value is best. The practice of tuning the
parameters that guide the training process to find an optimal model is known as
hyperparameter tuning.
Learn how to load your training datasets from a file or a SQL Server database for use in
one of the Model Builder scenarios for ML.NET. Model Builder scenarios can use SQL
Server databases, image files, and CSV or TSV file formats as training data.
Model Builder only accepts TSV, CSV, and TXT files with comma, tab, and semi-colon
delimiters and PNG and JPG images.
Data classification (binary & multiclass classification): Classify text data into two or
more categories.
Value prediction (regression): Predict a numeric value.
Image classification (deep learning): Classify images into two or more categories.
Recommendation (recommendation): Produce a list of suggested items for a
particular user.
Object detection (deep learning): Detect and identify object in images. This can
find one or more objects and label them accordingly.
This article covers classification and regression with textual or numerical data, image
classification, and object detection scenarios.
1. In the data step of Model Builder, select File as the data source type.
2. Select the Browse button next to the text box, and use File Explorer to browse and
select the data file.
7 Note
(Optional) data classification scenarios: If the data type of your label column
(the value in the "Column to predict (Label)" dropdown) is set to Boolean
(True/False), a binary classification algorithm is used in your model training
pipeline. Otherwise, a multiclass classification trainer is used. Use Advanced
data options to modify the data type for your label column and inform Model
Builder which type of trainer it should use for your data.
4. Update the data in the Advanced data options link to set column settings or to
update the data formatting.
You're done setting up your data source file for Model Builder. Click the Next step
button to move to the next step in Model Builder.
1. In the data step of Model Builder, select SQL Server as the data source type.
4. From the Column to predict (Label) dropdown, choose the data category on which
you want to make a prediction.
7 Note
(Optional) data classification scenarios: If the data type of your label column
(the value in the "Column to predict (Label)" dropdown) is set to Boolean
(True/False), a binary classification algorithm is used in your model training
pipeline. Otherwise, a multiclass classification trainer is used. Use Advanced
data options to modify the data type for your label column and inform Model
Builder which type of trainer it should use for your data.
5. Update the data in the Advanced data options link to set column settings or to
update the data formatting.
Remote database
To load data from a SQL Server database connection into Model Builder:
1. In the data step of Model Builder, select SQL Server as the data source type.
3. In the Connection Properties dialog, input the properties of your Microsoft SQL
database.
a. Provide the server name that has the table that you want to connect to.
b. Set up the authentication to the server. If SQL Server Authentication is selected,
input the server's username and password.
c. Select what database to connect to in the Select or enter a database name
dropdown. This should auto-populate if the server name and log in information
are correct.
d. Select OK
5. From the Column to predict (Label) dropdown, choose the data category on which
you want to make a prediction.
7 Note
(Optional) data classification scenarios: If the data type of your label column
(the value in the "Column to predict (Label)" dropdown) is set to Boolean
(True/False), a binary classification algorithm is used in your model training
pipeline. Otherwise, a multiclass classification trainer is used. Use Advanced
data options to modify the data type for your label column and inform Model
Builder which type of trainer it should use for your data.
6. Update the data in the Advanced data options link to set column settings or to
update the data formatting.
You're done setting up your data source file for Model Builder. Click the Next step
button link to move to the next step in Model Builder.
To load images into Model Builder, provide the path to a single top-level directory:
This top-level directory contains one subfolder for each of the categories to
predict.
Each subfolder contains the image files belonging to its category.
In the folder structure illustrated below, the top-level directory is flower_photos. There
are five subdirectories corresponding to the categories you want to predict: daisy,
dandelion, roses, sunflowers, and tulips. Each of these subdirectories contains images
belonging to its respective category.
text
\---flower_photos
+---daisy
| 100080576_f52e8ee070_n.jpg
| 102841525_bd6628ae3c.jpg
| 105806915_a9c13e2106_n.jpg
|
+---dandelion
| 10443973_aeb97513fc_m.jpg
| 10683189_bd6e371b97.jpg
| 10919961_0af657c4e8.jpg
|
+---roses
| 102501987_3cdb8e5394_n.jpg
| 110472418_87b6a3aa98_m.jpg
| 118974357_0faa23cce9_n.jpg
|
+---sunflowers
| 127192624_afa3d9cb84.jpg
| 145303599_2627e23815_n.jpg
| 147804446_ef9244c8ce_m.jpg
|
\---tulips
100930342_92e8746431_n.jpg
107693873_86021ac4ea_n.jpg
10791227_7168491604.jpg
Set up object detection image data files
Model Builder expects object detection image data to be in JSON format generated
from VoTT . The JSON file is located in the vott-json-export folder in the Target
Location that is specified in the project settings.
The JSON file consists of the following information generated from VoTT:
For more information on preparing data for object detection, see Generate object
detection data from VoTT.
Next steps
Follow these tutorials to build machine learning apps with Model Builder:
If you're training a model using code, learn how to load data using the ML.NET API.
Label Images for Object Detection using
VoTT
Article • 02/08/2022
Learn how to use VoTT (Visual Object Tagging Tool) to label images for object detection
to be used within Model Builder.
3. In Project Settings, change the Display Name to the name of your choosing.
6. In Connection Settings, change the Display Name for the source connection to a
name of your choosing, and select Local File System as the Provider. For the Folder
Path, select the folder that contains the training images, and then select Save
Connection.
7. In Project Settings, change the Source Connection to the connection you just
created.
1. Select the first (plus-shaped) icon in the Tags toolbar to add a new tag.
3. Click and drag to draw a rectangle around each item in the image you want to tag.
If the cursor does not let you draw a rectangle, try selecting the Draw Rectangle
tool from the toolbar on the top, or use the keyboard shortcut R .
4. After drawing your rectangle, select the appropriate tag that you created in the
previous steps to add the tag to the bounding box.
5. Click on the preview image for the next image in the dataset and repeat this
process.
1. Select the fourth icon in the left toolbar (the one with the diagonal arrow in a box)
to go to the Export Settings.
This export will create a new folder called vott-json-export in your project folder and will
generate a JSON file named ProjectName-export in that new folder. You will use this
JSON file for training an object detection model in Model Builder.
Next steps
To use VoTT with an object detection scenario in Model Builder, see Detect stop
signs in images with Model Builder.
How to install ML.NET Model Builder
Article • 07/28/2022
Learn how to install ML.NET Model Builder to add machine learning to your .NET
applications.
Prerequisites
Visual Studio 2022 or Visual Studio 2019.
.NET Core 3.1 SDK or later.
Limitations
ML.NET Model Builder Extension currently only works on Visual Studio on
Windows.
4. From the list of .NET components, check the ML.NET Model Builder checkbox.
4. From the list of .NET components, uncheck the ML.NET Model Builder
checkbox.
However, if you'd prefer to manually install the latest version, either download it from
Visual Studio Marketplace or use the Extensions Manager in Visual Studio. See how to
update a Visual Studio extension for more information.
How to install GPU support in Model
Builder
Article • 03/09/2023
Learn how to install the GPU drivers to use your GPU with Model Builder.
Hardware requirements
At least one CUDA compatible GPU. For a list of compatible GPUs, see NVIDIA's
guide .
At least 6GB of dedicated GPU memory.
Prerequisites
Model Builder Visual Studio extension. The extension is built into Visual Studio as
of version 16.6.1.
Make sure the appropriate driver is installed for the GPU.
Troubleshooting
What if I don't have a GPU installed locally?
Some scenarios like image classification support training on Azure GPU VMs.
However, if local GPUs or Azure are not an option for you, these scenarios also run on
CPU. Note however that training times are significantly longer.
How do I know what GPU I have?
1. Right-click on desktop
2. If you see "NVIDIA Control Panel" or "NVIDIA Display" in the pop-up window, you
have an NVIDIA GPU
3. Click on "NVIDIA Control Panel" or "NVIDIA Display" in the pop-up window
4. Look at "Graphics Card Information"
5. You will see the name of your NVIDIA GPU
I don't see NVIDIA Control Panel (or it fails to open) but I know I have an NVIDIA
GPU.
Learn how to install the ML.NET CLI (command-line interface) on Windows, Mac, or
Linux.
The ML.NET CLI generates good quality ML.NET models and source code using
automated machine learning (AutoML) and a training dataset.
7 Note
This topic refers to ML.NET CLI and ML.NET AutoML, which are currently in Preview,
and material may be subject to change.
Pre-requisites
.NET 6 SDK
You can run the generated C# code projects with Visual Studio by pressing the F5 key
or with dotnet run (.NET CLI).
Note: If after installing .NET SDK the dotnet tool command is not working, sign out
from Windows and sign in again.
Install
The ML.NET CLI is installed like any other dotnet Global Tool. You use the dotnet tool
install --global .NET CLI command.
The ML.NET CLI is available for Windows, macOS, and Linux. Depending on your
processor architecture, choose the x64 or ARM version.
7 Note
ARM based versions of the ML.NET CLI don't support image classification scenarios.
Windows
x64
.NET CLI
ARM
.NET CLI
If the tool can't be installed (that is, if it is not available at the default NuGet feed), error
messages are displayed. Check that the feeds you expected are being checked.
Console
You can invoke the tool using the following command: mlnet
Tool 'mlnet-<OS>-<ARCH>' (version 'X.X.X') was successfully installed.
The OS and ARCH in this case should match the values for the operating system and
processor architecture you selected when installing the ML.NET CLI.
You can confirm the installation was successful by typing the following command:
Console
mlnet
You should see the help for available commands for the mlnet tool such as the
'classification' command.
) Important
If you're running Linux or macOS and using a console other than Bash (for example,
zsh, which is the new default for macOS), then you'll need to give mlnet executable
permissions and include mlnet to the system path. In general, you can do so with
the following command:
Console
chmod +x <PATH-TO-MLNET-CLI-EXECUTABLE>
More detailed instructions on how to do this should appear in the terminal when
you install mlnet (or any global tool).
Alternatively, you can try using the following command to run the mlnet tool:
Console
~/.dotnet/tools/mlnet
.NET CLI
You can also check if the package is properly installed by typing the following
command:
.NET CLI
command.
Windows
x64
.NET CLI
ARM
.NET CLI
Windows
x64
.NET CLI
ARM
.NET CLI
Installation directory
The ML.NET CLI can be installed in the default directory or in a specific location. The
default directories are:
OS Path
Linux/macOS $HOME/.dotnet/tools
Windows %USERPROFILE%\.dotnet\tools
These locations are added to the user's path when the SDK is first run, so Global Tools
installed there can be called directly.
Note: the Global Tools are user-specific, not machine global. Being user-specific means
you cannot install a Global Tool that is available to all users of the machine. The tool is
only available for each user profile where the tool was installed.
Global Tools can also be installed in a specific directory. When installed in a specific
directory, the user must ensure the command is available, by including that directory in
the path, by calling the command with the directory specified, or calling the tool from
within the specified directory. In this case, the .NET CLI doesn't add this location
automatically to the PATH environment variable.
See also
ML.NET CLI overview
Tutorial: Analyze sentiment with the ML.NET CLI
ML.NET CLI auto-train command reference guide
Telemetry in ML.NET CLI
How to format data for Named Entity
Recognition (NER)
Article • 03/04/2024
Key information file: The key information file contains a list of entities, which
serves as key information for the training data.
Training data: Training data consists of a file (.txt, .tsv) containing columns
separated by a Tab character. One of the columns is a sentence column, while the
others represent labels for tokens within the sentence column.
6 Collaborate with us on
GitHub .NET feedback
.NET is an open source project.
The source for this content can
Select a link to provide feedback:
be found on GitHub, where you
can also create and review
Open a documentation issue
issues and pull requests. For
more information, see our
Provide product feedback
contributor guide.
Install extra ML.NET dependencies
Article • 10/12/2021
In most cases, on all operating systems, installing ML.NET is as simple as referencing the
appropriate NuGet package.
.NET CLI
In some cases though, there are additional installation requirements, particularly when
native components are required. This document describes the installation requirements
for those cases. The sections are broken down by the specific Microsoft.ML.* NuGet
package that has the additional dependency.
Microsoft.ML.TimeSeries, Microsoft.ML.AutoML
Both of these packages have a dependency on Microsoft.ML.MKL.Redist , which has a
dependency on libomp .
Windows
No extra installation steps required. The library is installed when the NuGet package is
added to the project.
Linux
1. Install the GPG key for the repository
Bash
sudo bash
# <type your user password when prompted. this will put you in a root
shell>
# cd to /tmp where this shell has write permission
cd /tmp
# now get the key:
wget https://apt.repos.intel.com/intel-gpg-keys/GPG-PUB-KEY-INTEL-SW-
PRODUCTS-2019.PUB
# now install that key
apt-key add GPG-PUB-KEY-INTEL-SW-PRODUCTS-2019.PUB
# now remove the public key file exit the root shell
rm GPG-PUB-KEY-INTEL-SW-PRODUCTS-2019.PUB
exit
Bash
3. Update packages
Bash
4. Install MKL
Bash
For example:
Bash
Bash
For example:
Output
/opt/intel/compilers_and_libraries_2020.0.166/linux/compiler/lib/intel6
4_lin/libiomp5.so
Bash
sudo ldconfig
/opt/intel/compilers_and_libraries_2020.0.166/linux/compiler/lib/intel6
4_lin
Mac
1. Install the library with Homebrew
Bash
wget https://raw.githubusercontent.com/Homebrew/homebrew-
core/fb8323f2b170bd4ae97e1bac9bf3e2983af3fdb0/Formula/libomp.rb && brew
install ./libomp.rb && brew link libomp --force
Load data from files and other sources
Article • 11/13/2021
Learn how to load data for processing and training into ML.NET using the API. The data
is originally stored in files or other data sources such as databases, JSON, XML or in-
memory collections.
If you're using Model Builder, see Load training data into Model Builder.
text
C#
[LoadColumn(1, 3)]
[VectorType(3)]
public float[] HistoricalPrices { get; set; }
[LoadColumn(4)]
[ColumnName("Label")]
public float CurrentPrice { get; set; }
}
If you have a vector property, apply the VectorType attribute to the property in your
data model. It's important to note that all of the elements in the vector need to be the
same type. Keeping the columns separated allows for ease and flexibility of feature
engineering, but for a very large number of columns, operating on the individual
columns causes an impact on training speed.
ML.NET Operates through column names. If you want to change the name of a column
to something other than the property name, use the ColumnName attribute. When
creating in-memory objects, you still create objects using the property name. However,
for data processing and building machine learning models, ML.NET overrides and
references the property with the value provided in the ColumnName attribute.
C#
//Create MLContext
MLContext mlContext = new MLContext();
//Load Data
IDataView data = mlContext.Data.LoadFromTextFile<HousingData>("my-data-
file.csv", separatorChar: ',', hasHeader: true);
C#
//Create MLContext
MLContext mlContext = new MLContext();
C#
//Create MLContext
MLContext mlContext = new MLContext();
// Create TextLoader
TextLoader textLoader = mlContext.Data.CreateTextLoader<HousingData>
(separatorChar: ',', hasHeader: true);
// Load Data
IDataView data = textLoader.Load("DataFolder/SubFolder1/1.txt",
"DataFolder/SubFolder2/1.txt");
Given a database with a table named House and the following schema:
SQL
C#
C#
Define your connection string as well as the SQL command to be executed on the
database and create a DatabaseSource instance. This sample uses a LocalDB SQL Server
database with a file path. However, DatabaseLoader supports any other valid connection
string for databases on-premises and in the cloud.
C#
Numerical data that is not of type Real has to be converted to Real. The Real type is
represented as a single-precision floating-point value or Single, the input type expected
by ML.NET algorithms. In this sample, the Size and NumBed columns are integers in the
database. Using the CAST built-in function, it's converted to Real. Because the Price
property is already of type Real it is loaded as is.
C#
In-memory collections
JSON/XML
Note that when working with streaming sources, ML.NET expects input to be in the form
of an in-memory collection. Therefore, when working with sources like JSON/XML, make
sure to format the data into an in-memory collection.
C#
) Important
C#
// Create MLContext
MLContext mlContext = new MLContext();
//Load Data
IDataView data = mlContext.Data.LoadFromEnumerable<HousingData>
(inMemoryCollection);
Next steps
To clean or otherwise process data, see Prepare data for building a model.
When you're ready to build a model, see Train and evaluate a model.
Prepare data for building a model
Article • 04/07/2023
Learn how to use ML.NET to prepare data for additional processing or building a model.
Data is often unclean and sparse. ML.NET machine learning algorithms expect input or
features to be in a single numerical vector. Similarly, the value to predict (label),
especially when it's categorical data, has to be encoded. Therefore one of the goals of
data preparation is to get the data into the format expected by ML.NET algorithms.
A good analogy for these concepts is studying for an exam. Let's say you knew the
questions and answers ahead of time. After studying, you take the test and get a perfect
score. Great news! However, when you're given the exam again with the questions
rearranged and with slightly different wording you get a lower score. That suggests you
memorized the answers and didn't actually learn the concepts you were being tested on.
This is an example of overfitting. Underfitting is the opposite where the study materials
you were given don't accurately represent what you're evaluated on for the exam. As a
result, you resort to guessing the answers since you don't have enough knowledge to
answer correctly.
Split data
Take the following input data and load it into an IDataView called data :
C#
To split data into train / test sets, use the TrainTestSplit(IDataView, Double, String,
Nullable<Int32>) method.
C#
// Apply filter
TrainTestData dataSplit = mlContext.Data.TrainTestSplit(data, testFraction:
0.2);
The testFraction parameter is used to take 0.2 or 20% of the dataset for testing. The
remaining 80% is used for training.
Filter data
Sometimes, not all data in a dataset is relevant for analysis. An approach to remove
irrelevant data is filtering. The DataOperationsCatalog contains a set of filter operations
that take in an IDataView containing all of the data and return an IDataView containing
only the data points of interest. It's important to note that because filter operations are
not an IEstimator or ITransformer like those in the TransformsCatalog, they cannot be
included as part of an EstimatorChain or TransformerChain data preparation pipeline.
Take the following input data and load it into an IDataView called data :
C#
To filter data based on the value of a column, use the FilterRowsByColumn method.
C#
// Apply filter
IDataView filteredData = mlContext.Data.FilterRowsByColumn(data, "Price",
lowerBound: 200000, upperBound: 1000000);
The sample above takes rows in the dataset with a price between 200000 and 1000000.
The result of applying this filter would return only the last two rows in the data and
exclude the first row because its price is 100000 and not between the specified range.
Take the following input data and load it into an IDataView called data :
C#
Notice that the last element in our list has a missing value for Price . To replace the
missing values in the Price column, use the ReplaceMissingValues method to fill in that
missing value.
) Important
C#
// Transform data
IDataView transformedData = replacementTransformer.Transform(data);
ML.NET supports various replacement modes. The sample above uses the Mean
replacement mode, which fills in the missing value with that column's average value. The
replacement 's result fills in the Price property for the last element in our data with
200,000 since it's the average of 100,000 and 300,000.
Use normalizers
Normalization is a data pre-processing technique used to scale features to be in the
same range, usually between 0 and 1, so that they can be more accurately processed by
a machine learning algorithm. For example, the ranges for age and income vary
significantly with age generally being in the range of 0-100 and income generally being
in the range of zero to thousands. Visit the transforms page for a more detailed list and
description of normalization transforms.
Min-Max normalization
Take the following input data and load it into an IDataView called data :
C#
Normalization can be applied to columns with single numerical values as well as vectors.
Normalize the data in the Price column using min-max normalization with the
NormalizeMinMax method.
C#
// Transform data
IDataView transformedData = minMaxTransformer.Transform(data);
The original price values [200000,100000] are converted to [ 1, 0.5 ] using the MinMax
normalization formula that generates output values in the range of 0-1.
Binning
Binning converts continuous values into a discrete representation of the input. For
example, suppose one of your features is age. Instead of using the actual age value,
binning creates ranges for that value. 0-18 could be one bin, another could be 19-35
and so on.
Take the following input data and load it into an IDataView called data :
C#
Normalize the data into bins using the NormalizeBinning method. The maximumBinCount
parameter enables you to specify the number of bins needed to classify your data. In
this example, data will be put into two bins.
C#
// Transform Data
IDataView transformedData = binningTransformer.Transform(data);
The transforms used to perform key value mapping are MapValueToKey and
MapKeyToValue.
98052 00...01
98100 00...10
... ...
98109 10...00
Hashing
Hashing is another way to convert categorical data to numbers. A hash function maps
data of an arbitrary size (a string of text for example) onto a number with a fixed range.
Hashing can be a fast and space-efficient way of vectorizing features. One notable
example of hashing in machine learning is email spam filtering where, instead of
maintaining a dictionary of known words, every word in the email is hashed and added
to a large feature vector. Using hashing in this way avoids the problem of malicious
spam filtering circumvention by the use of words that are not in the dictionary.
ML.NET provides Hash transform to perform hashing on text, dates, and numerical data.
Like value key mapping, the outputs of the hash transform are key types.
Using data like the data below that has been loaded into an IDataView:
C#
ML.NET provides the FeaturizeText transform that takes a text's string value and creates
a set of features from the text, by applying a series of individual transforms.
C#
// Transform data
IDataView transformedData = textTransformer.Transform(data);
The resulting transform converts the text values in the Description column to a
numerical vector that looks similar to the output below:
text
The transforms that make up FeaturizeText can also be applied individually for finer
grain control over feature generation.
C#
The benefit of a more complex pipeline is control and visibility over the transformations
applied to the data.
Using the first entry as an example, the following is a detailed description of the results
produced by the transformation steps defined by textEstimator :
Learn how to get started with DataFrames. DataFrames are a two-dimensional data
structure for storing and manipulating data. DataFrames help with preparation of data
for a machine learning model. DataFrames can also be used for data manipulation
unrelated to machine learning.
Install Microsoft.Data.Analysis
In most cases, accessing DataFrame is as simple as referencing the
Microsoft.Data.Analysis NuGet package.
.NET CLI
Load data
DataFrames make it easy to load tabular data. Create a comma-separated file called
housing-prices.csv with the following data.
text
Id,Size,HistoricalPrice,CurrentPrice
1,600f,100000,170000
2,1000f,200000,225000
3,1000f,126000,195000
4,850f,150000,205000
5,900f,155000,210000
6,550f,99000,180000
C#
using System.IO;
using System.Linq;
using Microsoft.Data.Analysis;
Inspect Data
DataFrames store data as a collection of columns. This makes it easy to interact with the
data.
C#
dataFrame.Info();
C#
dataFrame.Description();
Transform Data
There are a variety of transformative options for data. The DataFrame and
DataFrameColumn classes expose a number of useful APIs: binary operations,
computations, joins, merges, handling missing values and more.
For example, this data can be edited to compare historical prices to current prices
accounting for inflation. We can apply a computation to all of the values and save the
results in a new column.
C#
dataFrame["ComputedPrices"] = dataFrame["HistoricalPrice"].Multiply(2);
Data can be sorted into groups from the values in a specific column.
C#
Data can be filtered based on different equality metrics. This example uses a
ElementWise equality function, and then filters based on the boolean result column to
get a new DataFrame with only the appropriate values.
C#
PrimitiveDataFrameColumn<bool> boolFilter =
dataFrame["CurrentPrice"].ElementwiseGreaterThan(200000);
DataFrame filteredDataFrame = dataFrame.Filter(boolFilter);
Id, Bedrooms
1, 1
2, 2
3, 3
4, 2
5, 3
6, 1
DataFrames can be constructed from individual data columns. Create a DataFrame from
a list of the raw data above.
C#
The two DataFrames can be merged based on the Id value. The merge function will take
both DataFrames, and combine rows based on their id.
C#
Save DataFrames
Results can be saved back into a .csv format.
C#
Learn how to build machine learning models, collect metrics, and measure performance
with ML.NET. Although this sample trains a regression model, the concepts are
applicable throughout a majority of the other algorithms.
C#
[LoadColumn(1, 3)]
[VectorType(3)]
public float[] HistoricalPrices { get; set; }
[LoadColumn(4)]
[ColumnName("Label")]
public float CurrentPrice { get; set; }
}
C#
Use the TrainTestSplit method to split the data into train and test sets. The result will be
a TrainTestData object which contains two IDataView members, one for the train set and
the other for the test set. The data split percentage is determined by the testFraction
parameter. The snippet below is holding out 20 percent of the original data for the test
set.
C#
DataOperationsCatalog.TrainTestData dataSplit =
mlContext.Data.TrainTestSplit(data, testFraction: 0.2);
IDataView trainData = dataSplit.TrainSet;
IDataView testData = dataSplit.TestSet;
ML.NET algorithms have constraints on input column types. Additionally, default values
are used for input and output column names when no values are specified.
Working with expected column types
The machine learning algorithms in ML.NET expect a float vector of known size as input.
Apply the VectorType attribute to your data model when all of the data is already in
numerical format and is intended to be processed together (i.e. image pixels).
If data is not all numerical and you want to apply different data transformations on each
of the columns individually, use the Concatenate method after all of the columns have
been processed to combine all of the individual columns into a single feature vector that
is output to a new column.
The following snippet combines the Size and HistoricalPrices columns into a single
feature vector that is output to a new column called Features . Because there is a
difference in scales, NormalizeMinMax is applied to the Features column to normalize
the data.
C#
By using the Concatenate method during pre-processing to create a new column called
Features , there is no need to specify the feature column name in the parameters of the
algorithm since it already exists in the pre-processed IDataView . The label column is
CurrentPrice , but since the ColumnName attribute is used in the data model, ML.NET
renames the CurrentPrice column to Label which removes the need to provide the
labelColumnName parameter to the machine learning algorithm estimator.
If you don't want to use the default column names, pass in the names of the feature and
label columns as parameters when defining the machine learning algorithm estimator as
demonstrated by the subsequent snippet:
C#
var UserDefinedColumnSdcaEstimator =
mlContext.Regression.Trainers.Sdca(labelColumnName: "MyLabelColumnName",
featureColumnName: "MyFeatureColumnName");
Caching data
By default, when data is processed, it is lazily loaded or streamed which means that
trainers may load the data from disk and iterate over it multiple times during training.
Therefore, caching is recommended for datasets that fit into memory to reduce the
number of times data is loaded from disk. Caching is done as part of an EstimatorChain
by using AppendCacheCheckpoint.
C#
C#
7 Note
Other models have parameters that are specific to their tasks. For example, the K-
Means algorithm puts data into cluster based on centroids and the
KMeansModelParameters contains a property that stores these learned centroids.
To learn more, visit the Microsoft.ML.Trainers API Documentation and look for
classes that contain ModelParameters in their name.
7 Note
C#
// Measure trained model performance
// Apply data prep transformer to test data
IDataView transformedTestData = dataPrepTransformer.Transform(testData);
1. Test data set is pre-processed using the data preparation transforms previously
defined.
2. The trained machine learning model is used to make predictions on the test data.
3. In the Evaluate method, the values in the CurrentPrice column of the test data
set are compared against the Score column of the newly output predictions to
calculate the metrics for the regression model, one of which, R-Squared is stored in
the rSquared variable.
7 Note
In this small example, the R-Squared is a number not in the range of 0-1 because of
the limited size of the data. In a real-world scenario, you should expect to see a
value between 0 and 1.
How to use the ML.NET Automated
Machine Learning (AutoML) API
Article • 02/15/2023
In this article, you learn how to use the ML.NET Automated ML (AutoML API).
Samples for the AutoML API can be found in the dotnet/machinelearning-samples repo.
Installation
To use the AutoML API, install the Microsoft.ML.AutoML NuGet package in the .NET project
you want to reference it in.
7 Note
This guide uses version 0.20.0 and later of the Microsoft.ML.AutoML NuGet package.
Although samples and code from earlier versions still work, it is highly recommended you
use the APIs introduced in this version for new projects.
For more information on installing NuGet packages, see the following guides:
Quick Start
AutoML provides several defaults for quickly training machine learning models. In this section
you'll learn how to:
C#
// Initialize MLContext
MLContext ctx = new MLContext();
InferColumns loads a few rows from the dataset. It then inspects the data and tries to guess or
infer the data type for each of the columns based on their content.
The default behavior is to group columns of the same type into feature vectors or arrays
containing the elements for each of the individual columns. Setting groupColumns to false
overrides that default behavior and only performs column inference without grouping columns.
By keeping columns separate, it allows you to apply different data transformations when
preprocessing the data at the individual column level rather than the column grouping.
The result of InferColumns is a ColumnInferenceResults object that contains the options needed
to create a TextLoader as well as column information.
For the sample dataset in taxi-fare-train.csv, column information might look like the following:
LabelColumnName: fare_amount
CategoricalColumnNames: vendor_id, payment_type
NumericColumnNames: rate_code, passenger_count, trip_time_in_secs, trip_distance
Once you have your column information, use the TextLoader.Options defined by the
ColumnInferenceResults to create a TextLoader to load your data into an IDataView.
C#
It's often good practice to split your data into train and validation sets. Use TrainTestSplit to
create an 80% training and 20% validation split of your dataset.
C#
C#
SweepablePipeline pipeline =
ctx.Auto().Featurizer(data, columnInformation:
columnInference.ColumnInformation)
.Append(ctx.Auto().Regression(labelColumnName:
columnInference.ColumnInformation.LabelColumnName));
The Featurizer is a convenience API that builds a sweepable pipeline of data processing
sweepable estimators based on the column information you provide. Instead of building a
pipeline from scratch, Featurizer automates the data preprocessing step. For more information
on supported transforms by ML.NET, see the data transformations guide.
The Featurizer output is a single column containing a numerical feature vector representing the
transformed data for each of the columns. This feature vector is then used as input for the
algorithms used to train a machine learning model.
If you want finer control over your data preprocessing, you can create a pipeline with each of
the individual preprocessing steps. For more information, see the prepare data for building a
model guide.
Tip
BinaryClassification
MultiClassification
Regression
For the taxi fare prediction problem, since the goal is to predict a numerical value, use
Regression . For more information on choosing a task, see Machine learning tasks in ML.NET
C#
Once your experiment is created, use the extension methods it provides to configure different
settings.
C#
experiment
.SetPipeline(pipeline)
.SetRegressionMetric(RegressionMetric.RSquared, labelColumn:
columnInference.ColumnInformation.LabelColumnName)
.SetTrainingTimeInSeconds(60)
.SetDataset(trainValidationData);
Set the sweepable pipeline to run during the experiment by calling SetPipeline.
Choose RSquared as the metric to optimize during training by calling SetRegressionMetric.
For more information on evaluation metrics, see the evaluate your ML.NET model with
metrics guide.
Set 60 seconds as the amount of time you want to train for by calling
SetTrainingTimeInSeconds. A good heuristic to determine how long to train for is the size
of your data. Typically, larger datasets require longer training time. For more information,
see training time guidance.
Provide the training and validation datasets to use by calling SetDataset.
Once your experiment is defined, you'll want some way to track its progress. The quickest way
to track progress is by modifying the Log event from MLContext.
C#
// Log experiment trials
ctx.Log += (_, e) => {
if (e.Source.Equals("AutoMLExperiment"))
{
Console.WriteLine(e.RawMessage);
}
};
C#
Once the time to train expires, the result is a TrialResult for the best model found during
training.
At this point, you can save your model or use it for making predictions. For more information on
how use an ML.NET model, see the following guides:
For example, in the taxi fare dataset, the data in the rate_code column is a number. However,
that numerical value represents a category. By default, calling InferColumns will place rate_code
in the NumericColumnNames property instead of CategoricalColumnNames . Because these
properties are .NET collections, you can use standard operations to add and remove items from
them.
C#
columnInference.ColumnInformation.NumericColumnNames.Remove("rate_code");
columnInference.ColumnInformation.CategoricalColumnNames.Add("rate_code");
Exclude trainers
By default, AutoML tries multiple trainers as part of the training process to see which one works
best for your data. However, throughout the training process you might discover there are
some trainers that use up too many compute resources or don't provide good evaluation
metrics. You have the option to exclude trainers from the training process. Which trainers are
used depends on the task. For a list of supported trainers in ML.NET, see the Machine learning
tasks in ML.NET guide.
For example, in the taxi fare regression scenario, to exclude the LightGBM algorithm, set the
useLgbm parameter to false .
C#
ctx.Auto().Regression(labelColumnName:
columnInference.ColumnInformation.LabelColumnName, useLgbm:false)
The process for excluding trainers in other tasks like binary and multiclass classification works
the same way.
AutoML provides a set of preconfigured search spaces for trainers in the following machine
learning tasks:
BinaryClassification
MultiClassification
Regression
In this example, the search space used is for the SdcaRegressionTrainer. Initialize it by using
SdcaOption.
C#
Then, use the search space to define a custom factory method to create the
SdcaRegressionTrainer. In this example, the values of L1Regularization and L2Regularization
are both being set to something other than the default. For L1Regularization , the value set is
determined by the tuner during each trial. The L2Regularization is fixed for each trial to the
hard-coded value. During each trial, the custom factory's output is an SdcaRegressionTrainer
with the configured hyperparameters.
C#
sdcaOption.LabelColumnName = columnInference.ColumnInformation.LabelColumnName;
return ctx.Regression.Trainers.Sdca(sdcaOption);
};
A sweepable estimator is the combination of an estimator and a search space. Now that you've
defined a search space and used it to create a custom factory method for generating trainers,
use the CreateSweepableEstimator method to create a new sweepable estimator.
C#
To use your sweepable estimator in your experiment, add it to your sweepable pipeline.
C#
SweepablePipeline pipeline =
ctx.Auto().Featurizer(data, columnInformation:
columnInference.ColumnInformation)
.Append(sdcaSweepableEstimator);
Because sweepable pipelines are a collection of sweepable estimators, you can configure and
customize as many of these sweepable estimators as you need.
Depending on the data type of the hyperparameter you want to set, you can choose from the
following options:
Numbers
UniformIntOption
UniformSingleOption
UniformDoubleOption
Booleans and strings
ChoiceOption
C#
Another option for customizing search ranges is by extending them. For example, SdcaOption
only provides the L1Regularization and L2Regularization parameters. However,
SdcaRegressionTrainer has more parameters you can set such as BiasLearningRate .
To extend the search space, create a new class, such as SdcaExtendedOption , that inherits from
SdcaOption.
C#
Then, anywhere you use your search space, reference the SdcaExtendedOption instead of
SdcaOption.
For example, when you initialize your search space, you can do so as follows:
C#
Recommendation
Forecasting
Ranking
Image classification
Text classification
Sentence similarity
For scenarios that don't have preconfigured search spaces and sweepable estimators you can
create your own and use a trial runner to enable AutoML for that scenario.
For example, given restaurant review data that looks like the following:
You want to use the TextClassificationTrainer trainer to analyze sentiment where 0 is negative
and 1 is positive. However, there is no ctx.Auto().TextClassification() configuration.
To use AutoML with the text classification trainer, you'll have to:
C#
In this case, AutoML will search for different configurations of the BatchSize
hyperparameter.
2. Create a sweepable estimator and add it to your pipeline.
C#
ctx.Transforms.Conversion.MapValueToKey(columnInference.ColumnInformation.Labe
lColumnName)
.Append(tcEstimator);
In this example, the TCOption search space and a custom TextClassificationTrainer factory
are used to create a sweepable estimator.
C#
public TCRunner(
MLContext context,
TrainTestData data,
SweepablePipeline pipeline,
string labelColumnName = "Label",
MulticlassClassificationMetric metric =
MulticlassClassificationMetric.MicroAccuracy)
{
_context = context;
_data = data;
_trainDataset = data.TrainSet;
_evaluateDataset = data.TestSet;
_labelColumnName = labelColumnName;
_pipeline = pipeline;
_metric = metric;
}
// Train model
var model = pipeline.Fit(_trainDataset);
// Get metrics
var evaluationMetrics =
_context.MulticlassClassification.Evaluate(predictions, labelColumnName:
_labelColumnName);
var chosenMetric = GetMetric(evaluationMetrics);
C#
5. Create and configure your experiment. Use the SetTrialRunner extension method to add
your custom trial runner to your experiment.
C#
.SetMulticlassClassificationMetric(MulticlassClassificationMetric.MicroAccurac
y, labelColumn: columnInference.ColumnInformation.LabelColumnName)
.SetTrainingTimeInSeconds(120)
.SetDataset(trainValidationData)
.SetTrialRunner(tcRunner);
C#
SMAC - SetSmacTuner
Grid Search - SetGridSearchTuner
Random Search - SetRandomSearchTuner
Cost Frugal - SetCostFrugalTuner
Eci Cost Frugal - SetEciCostFrugalTuner
For example, to use the grid search tuner, your code might look like the following:
C#
experiment.SetGridSearchTuner();
C#
ReportBestTrial
ReportCompletedTrial
ReportFailTrial
ReportRunningTrial
Tip
Although it's not required, include your SweepablePipeline in your monitor so you can
inspect the pipeline that was generated for a trial using the Parameter property of the
TrialSettings.
Once you've implemented your monitor, set it as part of your experiment configuration using
SetMonitor.
C#
C#
When you run the experiment with this implementation, the output should look similar to the
following:
text
Persist trials
By default, AutoML only stores the TrialResult for the best model. However, if you wanted to
persist each of the trials, you can do so from within your monitor.
1. Define a property for your completed trials and a method for accessing them.
C#
C#
C#
4. When training completes, you can access all the completed trials by calling
GetCompletedTrials
C#
At this point, you can perform additional processing on the collection of completed trials. For
example, you can choose a model other than the one selected by AutoML, log trial results to a
database, or rebuild the pipeline from any of the completed trials.
Cancel experiments
When you run experiments asynchronously, make sure to cleanly terminate the process. To do
so, use a CancellationToken.
2 Warning
Cancelling an experiment will not save any of the intermediary outputs. Set a checkpoint to
save intermediary outputs.
C#
C#
7 Note
Calculating PFI can be a time consuming operation. How much time it takes to calculate is
proportional to the number of feature columns you have. The more features, the longer PFI
will take to run.
C#
C#
In this case, the task is regression but the same concept applies to other tasks like ranking
and classification.
C#
var pfiResults =
mlContext.Regression.PermutationFeatureImportance(bestModel,
transformedData, permutationCount:3);
C#
var featureImportance =
pfi.Select(x => Tuple.Create(x.Key, x.Value.Regression.RSquared))
.OrderByDescending(x => x.Item2);
Train a machine learning model using
cross validation
Article • 10/12/2021
Learn how to use cross validation to train more robust machine learning models in
ML.NET.
Cross-validation is a training and model evaluation technique that splits the data into
several partitions and trains multiple algorithms on these partitions. This technique
improves the robustness of the model by holding out data from the training process. In
addition to improving performance on unseen observations, in data-constrained
environments it can be an effective tool for training models with a smaller dataset.
text
The data can be modeled by a class like HousingData and loaded into an IDataView.
C#
[LoadColumn(1, 3)]
[VectorType(3)]
public float[] HistoricalPrices { get; set; }
[LoadColumn(4)]
[ColumnName("Label")]
public float CurrentPrice { get; set; }
}
Prepare the data
Pre-process the data before using it to build the machine learning model. In this sample,
the Size and HistoricalPrices columns are combined into a single feature vector,
which is output to a new column called Features using the Concatenate method. In
addition to getting the data into the format expected by ML.NET algorithms,
concatenating columns optimizes subsequent operations in the pipeline by applying the
operation once for the concatenated column instead of each of the separate columns.
Once the columns are combined into a single vector, NormalizeMinMax is applied to the
Features column to get Size and HistoricalPrices in the same range between 0-1.
C#
// Transform data
IDataView transformedData = dataPrepTransformer.Transform(data);
7 Note
C#
// Define StochasticDualCoordinateAscent algorithm estimator
IEstimator<ITransformer> sdcaEstimator =
mlContext.Regression.Trainers.Sdca();
1. Partitions the data into a number of partitions equal to the value specified in the
numberOfFolds parameter. The result of each partition is a TrainTestData object.
2. A model is trained on each of the partitions using the specified machine learning
algorithm estimator on the training data set.
3. Each model's performance is evaluated using the Evaluate method on the test data
set.
4. The model along with its metrics are returned for each of the models.
C#
IEnumerable<double> rSquared =
cvResults
.Select(fold => fold.Metrics.RSquared);
If you inspect the contents of the rSquared variable, the output should be five values
ranging from 0-1 where closer to 1 means best. Using metrics like R-Squared, select the
models from best to worst performing. Then, select the top model to make predictions
or perform additional operations with.
C#
// Select all models
ITransformer[] models =
cvResults
.OrderByDescending(fold => fold.Metrics.RSquared)
.Select(fold => fold.Model)
.ToArray();
Learn how to inspect intermediate data during loading, processing, and model training
steps in ML.NET. Intermediate data is the output of each stage in the machine learning
pipeline.
Intermediate data like the one represented below which is loaded into an IDataView can
be inspected in various ways in ML.NET.
C#
To optimize performance, set reuseRowObject to true . Doing so will lazily populate the
same object with the data of the current row as it's being evaluated as opposed to
creating a new object for each row in the dataset.
C#
2 Warning
Converting the result of CreateEnumerable to an array or list will load all the
requested IDataView rows into memory which may affect performance.
Once the collection has been created, you can perform operations on the data. The code
snippet below takes the first three rows in the dataset and calculates the average current
price.
C#
C#
) Important
C#
// Get DataViewSchema of IDataView
DataViewSchema columns = data.Schema;
// Create DataViewCursor
using (DataViewRowCursor cursor = data.GetRowCursor(columns))
{
// Define variables where extracted values will be stored to
float size = default;
VBuffer<float> historicalPrices = default;
float currentPrice = default;
2 Warning
Do not use Preview in production code because it is intended for debugging and
may reduce performance.
The model building process is experimental and iterative. To preview what data would
look like after pre-processing or training a machine learning model on a subset of the
data, use the Preview method which returns a DataDebuggerPreview. The result is an
object with ColumnView and RowView properties which are both an IEnumerable and
contain the values in a particular column or row. Specify the number of rows to apply
the transformation to with the maxRows parameter.
The result of inspecting an IDataView would look similar to the following:
Interpret model predictions using
Permutation Feature Importance
Article • 12/10/2022
Using Permutation Feature Importance (PFI), learn how to interpret ML.NET machine
learning model predictions. PFI gives the relative contribution each feature makes to a
prediction.
Machine learning models are often thought of as opaque boxes that take inputs and
generate an output. The intermediate steps or interactions among the features that
influence the output are rarely understood. As machine learning is introduced into more
aspects of everyday life such as healthcare, it's of utmost importance to understand why
a machine learning model makes the decisions it does. For example, if diagnoses are
made by a machine learning model, healthcare professionals need a way to look into
the factors that went into making that diagnoses. Providing the right diagnosis could
make a great difference on whether a patient has a speedy recovery or not. Therefore
the higher the level of explainability in a model, the greater confidence healthcare
professionals have to accept or reject the decisions made by the model.
Various techniques are used to explain models, one of which is PFI. PFI is a technique
used to explain classification and regression models that is inspired by Breiman's
Random Forests paper (see section 10). At a high level, the way it works is by randomly
shuffling data one feature at a time for the entire dataset and calculating how much the
performance metric of interest decreases. The larger the change, the more important
that feature is.
Additionally, by highlighting the most important features, model builders can focus on
using a subset of more meaningful features which can potentially reduce noise and
training time.
text
1,24,13,1,0.59,3,96,11,23,608,14,13,32
4,80,18,1,0.37,5,14,7,4,346,19,13,41
2,98,16,1,0.25,10,5,1,8,689,13,36,12
The data in this sample can be modeled by a class like HousingPriceData and loaded
into an IDataView.
C#
class HousingPriceData
{
[LoadColumn(0)]
public float CrimeRate { get; set; }
[LoadColumn(1)]
public float ResidentialZones { get; set; }
[LoadColumn(2)]
public float CommercialZones { get; set; }
[LoadColumn(3)]
public float NearWater { get; set; }
[LoadColumn(4)]
public float ToxicWasteLevels { get; set; }
[LoadColumn(5)]
public float AverageRoomNumber { get; set; }
[LoadColumn(6)]
public float HomeAge { get; set; }
[LoadColumn(7)]
public float BusinessCenterDistance { get; set; }
[LoadColumn(8)]
public float HighwayAccess { get; set; }
[LoadColumn(9)]
public float TaxRate { get; set; }
[LoadColumn(10)]
public float StudentTeacherRatio { get; set; }
[LoadColumn(11)]
public float PercentPopulationBelowPoverty { get; set; }
[LoadColumn(12)]
[ColumnName("Label")]
public float Price { get; set; }
}
C#
C#
The metric used to measure feature importance depends on the machine learning task
used to solve your problem. For example, regression tasks may use a common
evaluation metric such as R-squared to measure importance. For more information on
model evaluation metrics, see evaluate your ML.NET model with metrics.
The importance, or in this case, the absolute average decrease in R-squared metric
calculated by PermutationFeatureImportance can then be ordered from most important
to least important.
C#
Console.WriteLine("Feature\tPFI");
Printing the values for each of the features in featureImportanceMetrics would generate
output similar to that below. Keep in mind that you should expect to see different
results because these values vary based on the data that they are given.
HighwayAccess -0.042731
StudentTeacherRatio -0.012730
BusinessCenterDistance -0.010491
TaxRate -0.008545
AverageRoomNumber -0.003949
CrimeRate -0.003665
CommercialZones 0.002749
HomeAge -0.002426
ResidentialZones -0.002319
NearWater 0.000203
PercentPopulationLivingBelowPoverty 0.000031
ToxicWasteLevels -0.000019
Taking a look at the five most important features for this dataset, the price of a house
predicted by this model is influenced by its proximity to highways, student teacher ratio
of schools in the area, proximity to major employment centers, property tax rate and
average number of rooms in the home.
Next steps
Use Permutation Feature Importance (PFI) with AutoML
Make predictions with a trained model
Retrain a model
Deploy a model in an ASP.NET Core Web API
Save and load trained models
Article • 01/05/2022
Throughout the model building process, a model lives in memory and is accessible
throughout the application's lifecycle. However, once the application stops running, if
the model is not saved somewhere locally or remotely, it's no longer accessible. Typically
models are used at some point after training in other applications either for inference or
re-training. Therefore, it's important to store the model. Save and load models using the
steps described in subsequent sections of this document when using data preparation
and model training pipelines like the one detailed below. Although this sample uses a
linear regression model, the same process applies to other ML.NET algorithms.
C#
// Create MLContext
MLContext mlContext = new MLContext();
// Load Data
IDataView data = mlContext.Data.LoadFromEnumerable<HousingData>
(housingData);
// Train model
ITransformer trainedModel = pipelineEstimator.Fit(data);
// Save model
mlContext.Model.Save(trainedModel, data.Schema, "model.zip");
Because most models and data preparation pipelines inherit from the same set of
classes, the save and load method signatures for these components is the same.
Depending on your use case, you can either combine the data preparation pipeline and
model into a single EstimatorChain which would output a single ITransformer or
separate them thus creating a separate ITransformer for each.
After training the model, use the Save method to save the trained model to a file called
model.zip using the DataViewSchema of the input data.
C#
With the OnnxConverter package installed, we can use it to save our model into the
ONNX format. This requires a Stream object which we can provide as a FileStream
using the File.Create method. The File.Create method takes in a string as a
parameter which will be the path of the ONNX model.
C#
C#
In a separate application or process, use the Load method along with the file path to get
the trained model into your application.
C#
With the OnnxTransformer package installed, you can load an existing ONNX model by
using the ApplyOnnxModel method. The required parameter is a string which is the
path of the local ONNX model.
C#
OnnxScoringEstimator estimator =
mlContext.Transforms.ApplyOnnxModel("./onnx_model.onnx");
The ApplyOnnxModel method returns an OnnxScoringEstimator object. First, we need to
load in the new data.
C#
With the new data we can load that into an IDataView using the LoadFromEnumerable
method.
C#
IDataView newHousingDataView =
mlContext.Data.LoadFromEnumerable(newHousingData);
Now, we can use the new IDataView to fit on the new data.
C#
estimator.Fit(newHousingDataView);
After using the Fit method on an estimator from ApplyOnnxModel , it can then be saved as
a new model using the Save method mentioned save a model locally section.
C#
// Create MLContext
MLContext mlContext = new MLContext();
7 Note
Working with separate data preparation and model training pipelines is optional.
Separation of pipelines makes it easier to inspect the learned model parameters.
For predictions, it's easier to save and load a single pipeline that includes the data
preparation and model training operations.
When working with separate data preparation pipelines and models, the same process
as single pipelines applies; except now both pipelines need to be saved and loaded
simultaneously.
C#
C#
C#
// Create MLContext
MLContext mlContext = new MLContext();
Input data
C#
[LoadColumn(1, 3)]
[VectorType(3)]
public float[] HistoricalPrices { get; set; }
[LoadColumn(4)]
[ColumnName("Label")]
public float CurrentPrice { get; set; }
}
Output data
Like the Features and Label input column names, ML.NET has default names for the
predicted value columns produced by a model. Depending on the task the name may
differ.
Because the algorithm used in this sample is a linear regression algorithm, the default
name of the output column is Score which is defined by the ColumnName attribute on
the PredictedPrice property.
C#
class HousingPrediction
{
[ColumnName("Score")]
public float PredictedPrice { get; set; }
}
Set up a prediction pipeline
Whether making a single or batch prediction, the prediction pipeline needs to be loaded
into the application. This pipeline contains both the data pre-processing transformations
as well as the trained model. The code snippet below loads the prediction pipeline from
a file named model.zip .
C#
//Create MLContext
MLContext mlContext = new MLContext();
Single prediction
To make a single prediction, create a PredictionEngine using the loaded prediction
pipeline.
C#
// Create PredictionEngines
PredictionEngine<HousingData, HousingPrediction> predictionEngine =
mlContext.Model.CreatePredictionEngine<HousingData, HousingPrediction>
(predictionPipeline);
Then, use the Predict method and pass in your input data as a parameter. Notice that
using the Predict method does not require the input to be an IDataView). This is
because it conveniently internalizes the input data type manipulation so you can pass in
an object of the input data type. Additionally, since CurrentPrice is the target or label
you're trying to predict using new data, it's assumed there is no value for it at the
moment.
C#
// Input Data
HousingData inputData = new HousingData
{
Size = 900f,
HistoricalPrices = new float[] { 155000f, 190000f, 220000f }
};
// Get Prediction
HousingPrediction prediction = predictionEngine.Predict(inputData);
If you access the Score property of the prediction object, you should get a value
similar to 150079 .
Tip
For examples on how to use the PredictionEnginePool service, see deploy a model
to a web API and deploy a model to Azure Functions.
C#
// Actual data
HousingData[] housingData = new HousingData[]
{
new HousingData
{
Size = 850f,
HistoricalPrices = new float[] { 150000f, 175000f, 210000f }
},
new HousingData
{
Size = 900f,
HistoricalPrices = new float[] { 155000f, 190000f, 220000f }
},
new HousingData
{
Size = 550f,
HistoricalPrices = new float[] { 99000f, 98000f, 130000f }
}
};
Then, use the Transform method to apply the data transformations and generate
predictions.
C#
// Predicted Data
IDataView predictions = predictionPipeline.Transform(inputData);
C#
// Get Predictions
float[] scoreColumn = predictions.GetColumn<float>("Score").ToArray();
The predicted values in the score column should look like the following:
Observation Prediction
1 144638.2
2 150079.4
3 107789.8
Select method.
C#
The world and the data around it change at a constant pace. As such, models need to
change and update as well. ML.NET provides functionality for re-training models using
learned model parameters as a starting point to continually build on previous
experience rather than starting from scratch every time.
AveragedPerceptronTrainer
FieldAwareFactorizationMachineTrainer
LbfgsLogisticRegressionBinaryTrainer
LbfgsMaximumEntropyMulticlassTrainer
LbfgsPoissonRegressionTrainer
LinearSvmTrainer
OnlineGradientDescentTrainer
SgdCalibratedTrainer
SgdNonCalibratedTrainer
SymbolicSgdLogisticRegressionBinaryTrainer
C#
// Create MLContext
MLContext mlContext = new MLContext();
C#
7 Note
The model parameters output depend on the algorithm used. For example
OnlineGradientDescentTrainer uses LinearRegressionModelParameters, while
LbfgsMaximumEntropyMulticlassTrainer outputs
MaximumEntropyModelParameters. When extracting model parameters, cast to
the appropriate type.
Re-train model
The process for retraining a model is no different than that of training a model. The only
difference is, the Fit method in addition to the data also takes as input the original
learned model parameters and uses them as a starting point in the re-training process.
C#
// New Data
HousingData[] housingData = new HousingData[]
{
new HousingData
{
Size = 850f,
HistoricalPrices = new float[] { 150000f,175000f,210000f },
CurrentPrice = 205000f
},
new HousingData
{
Size = 900f,
HistoricalPrices = new float[] { 155000f, 190000f, 220000f },
CurrentPrice = 210000f
},
new HousingData
{
Size = 550f,
HistoricalPrices = new float[] { 99000f, 98000f, 130000f },
CurrentPrice = 180000f
}
};
// Preprocess Data
IDataView transformedNewData = dataPrepPipeline.Transform(newData);
// Retrain model
RegressionPredictionTransformer<LinearRegressionModelParameters>
retrainedModel =
mlContext.Regression.Trainers.OnlineGradientDescent()
.Fit(transformedNewData, originalModelParameters);
At this point, you can save your re-trained model and use it in your application. For
more information, see the save and load a trained model and make predictions with a
trained model guides.
C#
The table below shows what the output might look like.
Learn how to deploy a pre-trained ML.NET machine learning model for predictions over
HTTP through an Azure Functions serverless environment.
Prerequisites
Visual Studio 2022 with the .NET desktop development and Azure development
workloads installed. The .NET 6 SDK is automatically installed when you select this
workload.
Azure Functions Tools
PowerShell
Pre-trained model. Download this pre-trained sentiment analysis machine learning
model or use the ML.NET Sentiment Analysis tutorial to build your own model.
2. In the "Create a new project" dialog, select the Azure Functions project template.
3. In the Name text box, type "SentimentAnalysisFunctionsApp" and select the Next
button.
4. In the "Additional information dialog", leave all the defaults as is and select the
Create button.
1. In Solution Explorer, right-click the project, and then select Add > New Azure
Function....
2. In the Add New Item dialog box, select Azure Function and change the Name
field to AnalyzeSentiment.cs. Then, select the Add button.
3. In the New Azure Function dialog box, select Http Trigger and choose
Anonymous from the Authorization level dropdown. Then, select the OK button.
The AnalyzeSentiment.cs file opens in the code editor. Add the following using
statement to the top of AnalyzeSentiment.cs:
C#
using System;
using System.IO;
using System.Threading.Tasks;
using Microsoft.AspNetCore.Mvc;
using Microsoft.Azure.WebJobs;
using Microsoft.Azure.WebJobs.Extensions.Http;
using Microsoft.AspNetCore.Http;
using Microsoft.Extensions.Logging;
using Newtonsoft.Json;
using Microsoft.Extensions.ML;
using SentimentAnalysisFunctionsApp.DataModels;
By default, the AnalyzeSentiment class is static . Make sure to remove the static
keyword from the class definition.
C#
1. Create a directory named DataModels in your project to save your data models: In
Solution Explorer, right-click on your project and select Add > New Folder. Type
"DataModels" and hit Enter.
2. In Solution Explorer, right-click the DataModels directory, and then select Add >
Class.
3. In the Add New Item dialog box, select Class and change the Name field to
SentimentData.cs. Then, select the Add button.
The SentimentData.cs file opens in the code editor. Add the following using
statement to the top of SentimentData.cs:
C#
using Microsoft.ML.Data;
Remove the existing class definition and add the following code to the
SentimentData.cs file:
C#
[LoadColumn(1)]
[ColumnName("Label")]
public bool Sentiment;
}
4. In Solution Explorer, right-click the DataModels directory, and then select Add >
Class.
5. In the Add New Item dialog box, select Class and change the Name field to
SentimentPrediction.cs. Then, select the Add button. The SentimentPrediction.cs file
opens in the code editor. Add the following using statement to the top of
SentimentPrediction.cs:
C#
using Microsoft.ML.Data;
Remove the existing class definition and add the following code to the
SentimentPrediction.cs file:
C#
[ColumnName("PredictedLabel")]
public bool Prediction { get; set; }
original data in the SentimentText property as well as the output generated by the
model.
The following link provides more information if you want to learn more about
dependency injection .
1. In Solution Explorer, right-click the project, and then select Add > Class.
2. In the Add New Item dialog box, select Class and change the Name field to
Startup.cs. Then, select the Add button.
C#
using Microsoft.Azure.Functions.Extensions.DependencyInjection;
using Microsoft.Extensions.DependencyInjection;
using Microsoft.Extensions.ML;
using SentimentAnalysisFunctionsApp;
using SentimentAnalysisFunctionsApp.DataModels;
using System.IO;
using System;
4. Remove the existing code below the using statements and add the following code:
C#
[assembly: FunctionsStartup(typeof(Startup))]
namespace SentimentAnalysisFunctionsApp
{
public class Startup : FunctionsStartup
{
}
}
5. Define variables to store the environment the app is running in and the file path
where the model is located inside the Startup class
C#
C#
public Startup()
{
_environment =
Environment.GetEnvironmentVariable("AZURE_FUNCTIONS_ENVIRONMENT");
if (_environment == "Development")
{
_modelPath = Path.Combine("MLModels", "sentiment_model.zip");
}
else
{
string deploymentPath = @"D:\home\site\wwwroot\";
_modelPath = Path.Combine(deploymentPath, "MLModels",
"sentiment_model.zip");
}
}
C#
At a high level, this code initializes the objects and services automatically for later use
when requested by the application instead of having to manually do it.
Machine learning models are not static. As new training data becomes available, the
model is retrained and redeployed. One way to get the latest version of the model into
your application is to restart or redeploy your application. However, this introduces
application downtime. The PredictionEnginePool service provides a mechanism to
reload an updated model without restarting or redeploying your application.
The model is identified by the modelName parameter so that more than one model per
application can be reloaded upon change.
Tip
Alternatively, you can use the FromUri method when working with models stored
remotely. Rather than watching for file changed events, FromUri polls the remote
location for changes. The polling interval defaults to 5 minutes. You can increase or
decrease the polling interval based on your application's requirements. In the code
sample below, the PredictionEnginePool polls the model stored at the specified
URI every minute.
C#
builder.Services.AddPredictionEnginePool<SentimentData,
SentimentPrediction>()
.FromUri(
modelName: "SentimentAnalysisModel",
uri:"https://github.com/dotnet/samples/raw/main/machine-
learning/models/sentimentanalysis/sentiment_model.zip",
period: TimeSpan.FromMinutes(1));
C#
public AnalyzeSentiment(PredictionEnginePool<SentimentData,
SentimentPrediction> predictionEnginePool)
{
_predictionEnginePool = predictionEnginePool;
}
C#
//Make Prediction
SentimentPrediction prediction =
_predictionEnginePool.Predict(modelName: "SentimentAnalysisModel", example:
data);
//Return Prediction
return new OkObjectResult(sentiment);
}
When the Run method executes, the incoming data from the HTTP request is
deserialized and used as input for the PredictionEnginePool . The Predict method is
then called to make predictions using the SentimentAnalysisModel registered in the
Startup class and returns the results back to the user if successful.
Test locally
Now that everything is set up, it's time to test the application:
2. Open PowerShell and enter the code into the prompt where PORT is the port your
application is running on. Typically the port is 7071.
PowerShell
Invoke-RestMethod "http://localhost:<PORT>/api/AnalyzeSentiment" -
Method Post -Body (@{SentimentText="This is a very bad steak"} |
ConvertTo-Json) -ContentType "application/json"
PowerShell
Negative
Congratulations! You have successfully served your model to make predictions over the
internet using an Azure Function.
Next Steps
Deploy to Azure
Deploy a model in an ASP.NET Core
Web API
Article • 03/08/2023
Learn how to serve a pre-trained ML.NET machine learning model on the web using an
ASP.NET Core Web API. Serving a model over a web API enables predictions via
standard HTTP methods.
Prerequisites
Visual Studio 2022 with the ASP.NET and web development workload.
PowerShell.
Pre-trained model. Use the ML.NET Sentiment Analysis tutorial to build your own
model or download this pre-trained sentiment analysis machine learning model
Microsoft.ML
Microsoft.Extensions.ML
For more details on installing NuGet packages in Visual Studio, see the Install and
use a NuGet package in Visual Studio guide.
Add model to ASP.NET Core Web API project
1. Copy your pre-built model to your SentimentAnalysisWebAPI project directory.
2. Configure your project to copy your model file to the output directory. In Solution
Explorer:
7 Note
The properties of your input and output schema classes depend on the dataset
columns used to train your model as well as the machine learning task (regression,
classification, etc.).
C#
using Microsoft.ML.Data;
using Microsoft.Extensions.ML;
Model input
For this model, the input contains a single property SentimentText which is a string
that represents a user comment.
C#
Once the model evaluates the input, it outputs a prediction with three properties:
Sentiment , Probability , and Score . In this case, the Sentiment is the predicted
sentiment of the user comment and the Probability and Score are confidence
measures for the prediction.
C#
The following link provides more information if you want to learn more about
dependency injection in ASP.NET Core.
C#
builder.Services.AddPredictionEnginePool<ModelInput, ModelOutput>()
.FromFile(modelName: "SentimentAnalysisModel", filePath:
"sentiment_model.zip", watchForChanges: true);
At a high level, this code initializes the objects and services automatically for later use
when requested by the application instead of having to manually do it.
Machine learning models are not static. As new training data becomes available, the
model is retrained and redeployed. One way to get the latest version of the model into
your application is to restart or redeploy your application. However, this introduces
application downtime. The PredictionEnginePool service provides a mechanism to
reload an updated model without restarting or redeploying your application.
The model is identified by the modelName parameter so that more than one model per
application can be reloaded upon change.
Tip
Alternatively, you can use the FromUri method when working with models stored
remotely. Rather than watching for file changed events, FromUri polls the remote
location for changes. The polling interval defaults to 5 minutes. You can increase or
decrease the polling interval based on your application's requirements. In the code
sample below, the PredictionEnginePool polls the model stored at the specified
URI every minute.
C#
services.AddPredictionEnginePool<SentimentData, SentimentPrediction>()
.FromUri(
modelName: "SentimentAnalysisModel",
uri:"https://github.com/dotnet/samples/raw/main/machine-
learning/models/sentimentanalysis/sentiment_model.zip",
period: TimeSpan.FromMinutes(1));
C#
var predictionHandler =
async (PredictionEnginePool<ModelInput, ModelOutput>
predictionEnginePool, ModelInput input) =>
await Task.FromResult(predictionEnginePool.Predict(modelName:
"SentimentAnalysisModel", input));
app.MapPost("/predict", predictionHandler);
The /predict endpoint accepts HTTP POST requests and uses the prediction engine
pool to return a prediction using the provided input.
C#
using Microsoft.ML.Data;
using Microsoft.Extensions.ML;
builder.Services.AddPredictionEnginePool<ModelInput, ModelOutput>()
.FromFile(modelName: "SentimentAnalysisModel", filePath:
"sentiment_model.zip", watchForChanges: true);
var predictionHandler =
async (PredictionEnginePool<ModelInput, ModelOutput>
predictionEnginePool, ModelInput input) =>
await Task.FromResult(predictionEnginePool.Predict(modelName:
"SentimentAnalysisModel", input));
app.MapPost("/predict", predictionHandler);
app.Run();
2. Open PowerShell and enter the following code where PORT is the port your
application is listening on.
PowerShell
PowerShell
Congratulations! You have successfully served your model to make predictions over the
internet using an ASP.NET Core Web API.
Next Steps
Deploy to Azure
Make predictions with an AutoML ONNX
model in .NET
Article • 09/21/2023
In this article, you learn how to use an Automated ML (AutoML) Open Neural Network
Exchange (ONNX) model to make predictions in a C# .NET Core console application with
ML.NET.
ML.NET is an open-source, cross-platform, machine learning framework for the .NET ecosystem
that allows you to train and consume custom machine learning models using a code-first
approach in C# or F# as well as through low-code tooling like Model Builder and the ML.NET
CLI. The framework is also extensible and allows you to leverage other popular machine
learning frameworks like TensorFlow and ONNX.
Prerequisites
.NET Core SDK 3.1 or greater
Text Editor or IDE (such as Visual Studio or Visual Studio Code )
ONNX model. To learn how to train an AutoML ONNX model, see the following bank
marketing classification notebook .
Netron (optional)
1. Open a terminal and create a new C# .NET Core console application. In this example, the
name of the application is AutoMLONNXConsoleApp . A directory is created by that same
name with the contents of your application.
.NET CLI
Bash
cd AutoMLONNXConsoleApp
.NET CLI
These packages contain the dependencies required to use an ONNX model in a .NET
application. ML.NET provides an API that uses the ONNX runtime for predictions.
2. Open the Program.cs file and add the following using statements at the top to reference
the appropriate packages.
C#
using System.Linq;
using Microsoft.ML;
using Microsoft.ML.Data;
using Microsoft.ML.Transforms.Onnx;
2. Open the AutoMLONNXConsoleApp.csproj file and add the following content inside the
Project node.
XML
<ItemGroup>
<None Include="automl-model.onnx">
<CopyToOutputDirectory>PreserveNewest</CopyToOutputDirectory>
</None>
</ItemGroup>
In this case, the name of the ONNX model file is automl-model.onnx.
3. Open the Program.cs file and add the following line inside the Program class.
C#
Initialize MLContext
Inside the Main method of your Program class, create a new instance of MLContext.
C#
The MLContext class is a starting point for all ML.NET operations, and initializing mlContext
creates a new ML.NET environment that can be shared across the model lifecycle. It's similar,
conceptually, to DbContext in Entity Framework.
The model used in this sample uses data from the NYC TLC Taxi Trip dataset. A sample of the
data can be seen below:
ノ Expand table
1. Open Netron.
2. In the top menu bar, select File > Open and use the file browser to select your model.
3. Your model opens. For example, the structure of the automl-model.onnx model looks like
the following:
4. Select the last node at the bottom of the graph ( variable_out1 in this case) to display the
model's metadata. The inputs and outputs on the sidebar show you the model's expected
inputs, outputs, and data types. Use this information to define the input and output
schema of your model.
C#
[ColumnName("rate_code"),OnnxMapType(typeof(Int64),typeof(Single))]
public Int64 RateCode { get; set; }
[ColumnName("trip_distance")]
public float TripDistance { get; set; }
[ColumnName("payment_type")]
public string PaymentType { get; set; }
}
Each of the properties maps to a column in the dataset. The properties are further annotated
with attributes.
The ColumnName attribute lets you specify how ML.NET should reference the column when
operating on the data. For example, although the TripDistance property follows standard .NET
naming conventions, the model only knows of a column or feature known as trip_distance . To
address this naming discrepancy, the ColumnName attribute maps the TripDistance property
to a column or feature by the name trip_distance .
For numerical values, ML.NET only operates on Single value types. However, the original data
type of some of the columns are integers. The OnnxMapType attribute maps types between
ONNX and ML.NET.
To learn more about data attributes, see the ML.NET load data guide.
C#
Similar to OnnxInput , use the ColumnName attribute to map the variable_out1 output to a
more descriptive name PredictedFare .
C#
static ITransformer GetPredictionPipeline(MLContext mlContext)
{
2. Define the name of the input and output columns. Add the following code inside the
GetPredictionPipeline method.
C#
3. Define your pipeline. An IEstimator provides a blueprint of the operations, input, and
output schemas of your pipeline.
C#
var onnxPredictionPipeline =
mlContext
.Transforms
.ApplyOnnxModel(
outputColumnNames: outputColumns,
inputColumnNames: inputColumns,
ONNX_MODEL_PATH);
In this case, ApplyOnnxModel is the only transform in the pipeline, which takes in the
names of the input and output columns as well as the path to the ONNX model file.
4. An IEstimator only defines the set of operations to apply to your data. What operates on
your data is known as an ITransformer. Use the Fit method to create one from your
onnxPredictionPipeline .
C#
return onnxPredictionPipeline.Fit(emptyDv);
The Fit method expects an IDataView as input to perform the operations on. An IDataView
is a way to represent data in ML.NET using a tabular format. Since in this case the pipeline
is only used for predictions, you can provide an empty IDataView to give the ITransformer
the necessary input and output schema information. The fitted ITransformer is then
returned for further use in your application.
Tip
In this sample, the pipeline is defined and used within the same application.
However, it is recommended that you use separate applications to define and use
your pipeline to make predictions. In ML.NET your pipelines can be serialized and
saved for further use in other .NET end-user applications. ML.NET supports various
deployment targets such as desktop applications, web services, WebAssembly
applications*, and many more. To learn more about saving pipelines, see the ML.NET
save and load trained models guide.
5. Inside the Main method, call the GetPredictionPipeline method with the required
parameters.
C#
C#
C#
3. Use the predictionEngine to make predictions based on the new testInput data using
the Predict method.
C#
C#
.NET CLI
dotnet run
text
To learn more about making predictions in ML.NET, see the use a model to make predictions
guide.
Next steps
Deploy your model as an ASP.NET Core Web API
Deploy your model as a serverless .NET Azure Function
The ML.NET CLI command reference
Article • 01/12/2023
7 Note
This topic refers to ML.NET CLI and ML.NET AutoML, which are currently in Preview,
and material may be subject to change.
Overview
Example usage:
Console
The first two assets can directly be used in your end-user apps (ASP.NET Core web app,
services, desktop app and more) to make predictions with the model.
The third asset, the training code, shows you what ML.NET API code was used by the CLI
to train the generated model, so you can investigate the specific algorithm and settings
of the model.
Examples
The simplest CLI command for a classification problem (AutoML infers most of the
configuration from the provided data):
Console
Console
Create and train a classification model with a train dataset, a test dataset, and further
customization explicit arguments:
Console
Command options
The mlnet ML task commands ( classification , regression , recommendation ,
forecasting , and train ) train multiple models based on the provided dataset and
ML.NET CLI options. These commands also select the best model, save the model as a
serialized .zip file, and generate related C# code for scoring and training.
Classification options
Running mlnet classification will train a classification model. Choose this command if
you want an ML Model to categorize data into 2 or more classes (e.g. sentiment
analysis).
Console
mlnet classification
--ignore-cols <cols>
--log-file-path <path>
--name <name>
--test-dataset <path>
--validation-dataset <path>
Regression options
Running mlnet regression will train a regression model. Choose this command if you
want an ML Model to predict a numeric value (e.g. price prediction).
Console
mlnet regression
--cache <option>
--ignore-cols <cols>
--log-file-path <path>
--name <name>
--test-dataset <path>
Recommendation options
Running mlnet recommendation will train a recommendation model. Choose this
command if you want an ML Model to recommend items to users based on ratings (e.g.
product recommendation).
Console
mlnet recommendation
--cache <option>
--log-file-path <path>
--name <name>
--test-dataset <path>
--validation-dataset <path>
Invalid input options cause the CLI tool to emit a list of valid inputs and an error
message.
Forecasting options
Running mlnet forecasting will train a time series forecasting model. Choose this
command if you want an ML Model to forecast a value based on historical data (for
example, sales forecasting).
Console
mlnet forecasting
--cache <Auto|Off|On>
--has-header
--log-file-path <log-file-path>
--name <name>
--test-dataset <test-dataset>
--train-time <train-time>
Train options
Running mlnet train will train a model based on an "mbconfig" file generated from
Model Builder. For this command to work, the training data must be in the same
directory as the "mbconfig" file.
Console
--log-file-path <log-file-path>
This argument provides the filepath to either one of the following options:
A: The whole dataset file: If using this option and the user is not providing --test-
dataset and --validation-dataset , then cross-validation (k-fold, etc.) or
automated data split approaches will be used internally for validating the model. In
that case, the user will just need to provide the dataset filepath.
B: The training dataset file: If the user is also providing datasets for model
validation (using --test-dataset and optionally --validation-dataset ), then the -
-dataset argument means to only have the "training dataset". For example, when
using an 80% - 20% approach to validate the quality of the model and to obtain
accuracy metrics, the "training dataset" will have 80% of the data and the "test
dataset" would have 20% of the data.
Test dataset
--test-dataset | -t (string)
File path pointing to the test dataset file, for example when using an 80% - 20%
approach when making regular validations to obtain accuracy metrics.
Validation dataset
--validation-dataset | -v (string)
File path pointing to the validation dataset file. The validation dataset is optional, in any
case.
Basically, when using a validation dataset plus the test dataset , the validation phase
is split into two parts:
1. In the first part, you just look at your models and select the best performing
approach using the validation data (=validation)
2. Then you estimate the accuracy of the selected approach (=test).
In any case, those percentages will be decided by the user using the CLI who will
provide the files already split.
Label column
--label-col (int or string)
With this argument, a specific objective/target column (the variable that you want to
predict) can be specified by using the column's name set in the dataset's header or the
column's numeric index in the dataset's file (the column index values start at 0).
Item column
--item-col (int or string)
The item column has the list of items that users rate (items are recommended to users).
This column can be specified by using the column's name set in the dataset's header or
the column's numeric index in the dataset's file (the column index values start at 0).
Rating column
--rating-col (int or string)
The rating column has the list of ratings that are given to items by users. This column
can be specified by using the column's name set in the dataset's header or the column's
numeric index in the dataset's file (the column index values start at 0).
User column
--user-col (int or string)
The user column has the list of users that give ratings to items. This column can be
specified by using the column's name set in the dataset's header or the column's
numeric index in the dataset's file (the column index values start at 0).
Ignore columns
--ignore-columns (string)
With this argument, you can ignore existing columns in the dataset file so they are not
loaded and used by the training processes.
Specify the columns names that you want to ignore. Use ', ' (comma with space) or ' '
(space) to separate multiple column names. You can use quotes for column names
containing whitespace (e.g. "logged in").
Example:
Has header
--has-header (bool)
Specify if the dataset file(s) have a header row. Possible values are:
true
false
The ML.NET CLI will try to detect this property if this argument is not specified by the
user.
Train time
--train-time (string)
This argument sets the maximum time (in seconds) for the process to explore multiple
trainers and configurations. The configured time may be exceeded if the provided time
is too short (say 2 seconds) for a single iteration. In this case, the actual time is the
required time to produce one model configuration in a single iteration.
The needed time for iterations can vary depending on the size of the dataset.
Cache
--cache (string)
If you use caching, the whole training dataset will be loaded in-memory.
For small and medium datasets, using cache can drastically improve the training
performance, meaning the training time can be shorter than when you don't use cache.
However, for large datasets, loading all the data in memory can impact negatively since
you might get out of memory. When training with large dataset files and not using
cache, ML.NET will be streaming chunks of data from the drive when it needs to load
more data while training.
on : Forces cache to be used when training. off : Forces cache not to be used when
training. auto : Depending on AutoML heuristics, the cache will be used or not. Usually,
small/medium datasets will use cache and large datasets won't use cache if you use the
auto choice.
If you don't specify the --cache parameter, then the cache auto configuration will be
used by default.
Name
--name (string)
The name for the created output project or solution. If no name is specified, the name
sample-{mltask} is used.
The ML.NET model file (.ZIP file) will get the same name, as well.
Output path
--output | -o (string)
Root location/folder to place the generated output. The default is the current directory.
Verbosity
--verbosity | -v (string)
q[uiet]
By default, the CLI tool should show some minimum feedback ( minimal ) when working,
such as mentioning that it is working and if possible how much time is left or what % of
the time is completed.
Help
-h |--help
Prints out help for the command with a description for each command's parameter.
See also
How to install the ML.NET CLI tool
Overview of the ML.NET CLI
Tutorial: Analyze sentiment using the ML.NET CLI
Telemetry in ML.NET CLI
ML.NET resources
Article • 09/15/2021
Next Steps
Apply your learning by doing one of the ML.NET ML.NET tutorials.
Machine learning glossary of important
terms
Article • 09/15/2021
The following list is a compilation of important machine learning terms that are useful as
you build your custom models in ML.NET.
Accuracy
In classification, accuracy is the number of correctly classified items divided by the total
number of items in the test set. Ranges from 0 (least accurate) to 1 (most accurate).
Accuracy is one of evaluation metrics of the model performance. Consider it in
conjunction with precision, recall, and F-score.
Binary classification
A classification case where the label is only one out of two classes. For more
information, see the Binary classification section of the Machine learning tasks topic.
Calibration
Calibration is the process of mapping a raw score onto a class membership, for binary
and multiclass classification. Some ML.NET trainers have a NonCalibrated suffix. These
algorithms produce a raw score that then must be mapped to a class probability.
Catalog
In ML.NET, a catalog is a collection of extension functions, grouped by a common
purpose.
For example, each machine learning task (binary classification, regression, ranking etc)
has a catalog of available machine learning algorithms (trainers). The catalog for the
binary classification trainers is: BinaryClassificationCatalog.BinaryClassificationTrainers.
Classification
When the data is used to predict a category, supervised machine learning task is called
classification. Binary classification refers to predicting only two categories (for example,
classifying an image as a picture of either a 'cat' or a 'dog'). Multiclass classification
refers to predicting multiple categories (for example, when classifying an image as a
picture of a specific breed of dog).
Coefficient of determination
In regression, an evaluation metric that indicates how well data fits a model. Ranges
from 0 to 1. A value of 0 means that the data is random or otherwise cannot be fit to the
model. A value of 1 means that the model exactly matches the data. This is often
referred to as r2, R2, or r-squared.
Data
Data is central to any machine learning application. In ML.NET data is represented by
IDataView objects. Data view objects:
Estimator
A class in ML.NET that implements the IEstimator<TTransformer> interface.
Extension method
A .NET method that is part of a class but is defined outside of the class. The first
parameter of an extension method is a static this reference to the class to which the
extension method belongs.
Feature
A measurable property of the phenomenon being measured, typically a numeric
(double) value. Multiple features are referred to as a Feature vector and typically stored
as double[] . Features define the important characteristics of the phenomenon being
measured. For more information, see the Feature article on Wikipedia.
Feature engineering
Feature engineering is the process that involves defining a set of features and
developing software that produces feature vectors from available phenomenon data,
i.e., feature extraction. For more information, see the Feature engineering article on
Wikipedia.
F-score
In classification, an evaluation metric that balances precision and recall.
Hyperparameter
A parameter of a machine learning algorithm. Examples include the number of trees to
learn in a decision forest or the step size in a gradient descent algorithm. Values of
Hyperparameters are set before training the model and govern the process of finding
the parameters of the prediction function, for example, the comparison points in a
decision tree or the weights in a linear regression model. For more information, see the
Hyperparameter article on Wikipedia.
Label
The element to be predicted with the machine learning model. For example, the breed
of dog or a future stock price.
Log loss
In classification, an evaluation metric that characterizes the accuracy of a classifier. The
smaller log loss is, the more accurate a classifier is.
Loss function
A loss function is the difference between the training label values and the prediction
made by the model. The parameters of the model are estimated by minimizing the loss
function.
Model
Traditionally, the parameters for the prediction function. For example, the weights in a
linear regression model or the split points in a decision tree. In ML.NET, a model
contains all the information necessary to predict the label of a domain object (for
example, image or text). This means that ML.NET models include the featurization steps
necessary as well as the parameters for the prediction function.
Multiclass classification
A classification case where the label is one out of three or more classes. For more
information, see the Multiclass classification section of the Machine learning tasks topic.
N-gram
A feature extraction scheme for text data: any sequence of N words turns into a feature
value.
Normalization
Normalization is the process of scaling floating point data to values between 0 and 1.
Many of the training algorithms used in ML.NET require input feature data to be
normalized. ML.NET provides a series of transforms for normalization
Pipeline
All of the operations needed to fit a model to a data set. A pipeline consists of data
import, transformation, featurization, and learning steps. Once a pipeline is trained, it
turns into a model.
Precision
In classification, the precision for a class is the number of items correctly predicted as
belonging to that class divided by the total number of items predicted as belonging to
the class.
Recall
In classification, the recall for a class is the number of items correctly predicted as
belonging to that class divided by the total number of items that actually belong to the
class.
Regularization
Regularization penalizes a linear model for being too complicated. There are two types
of regularization:
L 1 regularization zeros weights for insignificant features. The size of the saved
model may become smaller after this type of regularization.
L 2 regularization minimizes weight range for insignificant features. This is a more
general process and is less sensitive to outliers.
Regression
A supervised machine learning task where the output is a real value, for example,
double. Examples include predicting stock prices. For more information, see the
Regression section of the Machine learning tasks topic.
Scoring
Scoring is the process of applying new data to a trained machine learning model, and
generating predictions. Scoring is also known as inferencing. Depending on the type of
model, the score may be a raw value, a probability, or a category.
Training
The process of identifying a model for a given training data set. For a linear model, this
means finding the weights. For a tree, it involves identifying the split points.
Transformer
An ML.NET class that implements the ITransformer interface.
The following is a guide to help you learn more about resources used to train models in
Azure with Model Builder.
The experiment encapsulates the configuration and results for one or more machine
learning training runs. Experiments belong to a specific workspace. The first time an
experiment is created, its name is registered in the workspace. Any subsequent runs - if
the same experiment name is used - are logged as part of the same experiment.
Otherwise, a new experiment is created.
Name: A name for your workspace between 3-33 characters. Names may only
contain alphanumeric characters and hyphens.
Region: The geographic location of the data center where your workspace and
resources are deployed to. It is recommended that you choose a location close to
where you or your customers are.
Resource group: A container that contains all related resources for an Azure
solution.
Compute size
Model Builder can use one of the following GPU-optimized compute types:
Visit the NC-series Linux VM documentation for more details on GPU optimized
compute types.
Compute priority
Low-priority: Suited for tasks with shorter execution times. May be impacted by
interruptions and lack of availability. Usually costs less because it takes
advantage of surplus capacity in Azure.
Dedicated: Suited for tasks of any duration, but especially long-running jobs.
Not impacted by interruptions or lack of availability. Usually costs more because
it reserves a dedicated set of compute resources in Azure for your tasks.
Training
Training on Azure is only available for the Model Builder image classification scenario.
The algorithm used to train these models is a Deep Neural Network based on the
ResNet50 architecture. The training process takes some time and the amount of time
may vary depending on the size of compute selected as well as amount of data. You can
track the progress of your runs by selecting the "Monitor current run in Azure portal"
link in Visual Studio.
Results
Once training is complete, two projects are added to your solution with the following
suffixes:
ConsoleApp: A C# .NET Core console application that provides starter code to build
the prediction pipeline and make predictions.
Model: A C# .NET Standard application that contains the data models that define
the schema of input and output model data as well as the following assets:
bestModel.onnx: A serialized version of the model in Open Neural Network
Exchange (ONNX) format. ONNX is an open source format for AI models that
supports interoperability between frameworks like ML.NET, PyTorch and
TensorFlow.
bestModelMap.json: A list of categories used when making predictions to map
the model output to a text category.
MLModel.zip: A serialized version of the ML.NET prediction pipeline that uses
the serialized version of the model bestModel.onnx to make predictions and
maps outputs using the bestModelMap.json file.
when training and does not need to be provided when making predictions.
Score : The list of probabilities for all categories (the highest belongs to the
Prediction ).
Troubleshooting
The ML.NET CLI includes a telemetry feature that collects anonymous usage data that is
aggregated for use by Microsoft.
While the product team appreciates this insight, we also know that not everyone wants
to send this data. Find out how to disable telemetry.
Scope
The mlnet command launches the ML.NET CLI, but the command itself doesn't collect
telemetry.
Telemetry isn't enabled when you run the mlnet command with no other command
attached. For example:
mlnet
mlnet --help
Telemetry is enabled when you run an ML.NET CLI command, such as mlnet
classification .
The data is sent securely to Microsoft servers using Azure Application Insights
technology, held under restricted access, and used under strict security controls from
secure Azure Storage systems.
If you suspect that the ML.NET CLI telemetry is collecting sensitive data or that the data
is being insecurely or inappropriately handled, file an issue in the ML.NET repository
for investigation.
License
The Microsoft distribution of ML.NET CLI is licensed with the Microsoft Software License
Terms: Microsoft .NET Library . For details on data collection and processing, see the
section entitled "Data."
Disclosure
When you first run a ML.NET CLI command such as mlnet classification , the ML.NET
CLI tool displays disclosure text that tells you how to opt out of telemetry. Text may vary
slightly depending on the version of the CLI you're running.
See also
ML.NET CLI reference
Microsoft Software License Terms: Microsoft .NET Library
Privacy at Microsoft
Microsoft Privacy Statement