#insiderDevTour
Leverage the Power of Machine
Learning on Windows  
Mia Chang
#insiderDevTour
Why AI and ML?
How can you get started?
What else?
What we'll talk about today
#insiderDevTour
As a developer,
why should you care about AI and ML?
Examples
Classify if a customer is a retention risk
Identify objects in images and videos
Detect defects in an industrial process
Some problems are difficult to solve using traditional algorithms and
procedural programming.
These examples are good candidates for machine learning.
When can you use Machine Learning?
A repetitive decision
or process
Solution lacks an
explicit definition
A lot of training data is
available
#insiderDevTour
90%
Reduced time from
documents to insights
$300K
Cost savings per day
40x
More insurance cases reviewed
200K
Customers interacting with
chatbots
+20%
Increase in
customer satisfaction
+32%
Increase in sales
#insiderDevTour
How can you get started with AI and ML?
#insiderDevTour
Prepare Your Data
Quickly launch and scale
Spark on demand
Rich interactive workspace
and notebooks
Seamless integration with all
Azure data services
Build and Train
Broad frameworks and tools
support
TensorFlow, Cognitive Toolkit,
Caffe2, Keras, MxNET, PyTorch
Deploy
Docker containers
Windows AI Platform
Azure Machine Learning
Machine Learning Landscape
#insiderDevTour
Machine Learning for Developers
Enable Multi-Input
Azure Cognitive Services
Ink Recognizer
Increase Functionality
Windows AI platform
Sentiment Analysis
ML.NET
Price prediction
#insiderDevTour
Machine Learning for Developers
Enable Multi-Input
Azure Cognitive Services
Ink Recognizer
Increase Functionality
Windows AI platform
Sentiment Analysis
ML.NET
Price prediction
#insiderDevTour
Azure Cognitive Services
The most comprehensive pre-trained AI
Language
Vision
Speech
Decision
Web search
Bing Spell Check
Custom
Vision
Personalizer
Form Recognizer
Neural Text-to-Speech
Anomaly Detector Content
Moderator
Content Moderator
Custom Speech
Speech transcription
Text-to-Speech
Conversation transcription
capability
Face
Video
Indexer
Ink Recognizer
Computer
Vision Language
Understanding
QnA Maker
Text Analytics
Translator Text
Bing Web
Search
Bing Custom
Search
Bing
Video Search
Bing Image Search
Bing
Local Business
Search
Bing Visual Search
Bing Entity Search
Bing News
Search
Bing Autosuggest
Azure Cognitive Services
The most comprehensive pre-trained AI
Ink Recognizer
Azure Cognitive Services
//build/
Ink Recognizer
aka.ms/idt2019resources
#insiderDevTour
Demo
#insiderDevTour
Demo Notes: Demo Name
<Script for the demo. Use more than one slide if you need to>
#insiderDevTour
Machine Learning for Developers
Enable Multi-Input
Azure Cognitive Services
Ink Recognizer
Increase Functionality
Windows AI platform
Sentiment Analysis
ML.NET
Price prediction
#insiderDevTour
DESKTOP CLOUDWEB MOBILE ML
.NET
Your platform for building anything
IoTGAMING
#insiderDevTour
ML.NET
Machine Learning framework for building custom ML Models
Proven at scale
Azure, Office, Windows
Extensible
TensorFlow, ONNX and Infer.NET
Cross-platform and open-source
Runs everywhere
Easy to use tools
CLI + UI-based tool for building models
#insiderDevTour
ML.NET Tooling
ML.NET CLI global tool accelerates productivity
AutoML
Model
Builder
#insiderDevTour
How much is the taxi fare for 1 passenger going from Cape Town to Johannesburg?
AutoML with ML.NET
ML.NET CLI global tool accelerates productivity
#insiderDevTour
Criterion
Loss
Min Samples Split
Min Samples Leaf
XYZ
Parameter 1
Parameter 2
Parameter 3
Parameter 4
…
Distance
Trip time
Car type
Passengers
Time of day
…
Gradient Boosted
Nearest Neighbors
SGD
Bayesian Regression
LGBM
…
Distance Gradient Boosted
30%
Model
Car type
Passengers
Getting started w/machine learning can be hard
ML.NET takes the guess work out of data prep, feature selection & hyperparameter tuning
Which algorithm? Which parameters?Which features?
#insiderDevTour
N Neighbors
Weights
Metric
P
ZYX
Which algorithm? Which parameters?Which features?
Distance
Trip time
Car type
Passengers
Time of day
…
Gradient Boosted
Nearest Neighbors
SGD
Bayesian Regression
LGBM
…
Nearest Neighbors
Criterion
Loss
Min Samples Split
Min Samples Leaf
XYZ
50%
Model
Iterate
30%
Gradient BoostedDistance
Car brand
Year of make
Car type
Passengers
Trip time
Getting started w/machine learning can be hard
ML.NET takes the guess work out of data prep, feature selection & hyperparameter tuning
#insiderDevTour
25%40%70%
25%
95%
25% 25%
25%
25%
40%
40%
40%
40%
70%
70%
70%Enter data
Define goals
Apply constraints
Input Intelligently test multiple models in parallel
Optimized model
ML.NET accelerates model development
#insiderDevTour
70%95% Feature importance
Distance
Trip time
Car type
Passengers
Time of day
0 1
Model B (70%)
Distance
0 1
Trip time
Car type
Passengers
Time of day
Feature importance Model A (95%)
ML.NET accelerates model development
with model explainability
#insiderDevTour
Demo
#insiderDevTour
# STEP 1: Load data
IDataView trainingDataView = mlContext.Data.LoadFromTextFile<TaxiTrip>( ... )
IDataView testDataView = mlContext.Data.LoadFromTextFile<TaxiTrip>( ... )
# Display first few rows of the training data
ConsoleHelper.ShowDataViewInConsole(mlContext, trainingDataView)
# STEP 2: Initialize user-defined progress handler that AutoML will invoke after each model
var progressHandler = new RegressionExperimentProgressHandler()
# STEP 3: Run AutoML regression experiment
ExperimentResult<RegressionMetrics> experimentResult = mlContext.Auto()
.CreateRegressionExperiment(ExperimentTime)
.Execute(trainingDataView, LabelColumnName, progressHandler: progressHandler)
# Print top models found by AutoML
PrintTopModels(experimentResult)
# STEP 4: Evaluate the model on test data
RunDetail<RegressionMetrics> best = experimentResult.BestRun
ITransformer trainedModel = best.Model
# Run best model on test data
IDataView predictions = trainedModel.Transform(testDataView)
# STEP 5: Save trained model to a .ZIP file
mlContext.Model.Save(trainedModel, trainingDataView.Schema, ModelPath)
#insiderDevTour
Machine Learning for Developers
Enable Multi-Input
Azure Cognitive Services
Ink Recognizer
Increase Functionality
Windows AI platform
Sentiment Analysis
ML.NET
Price prediction
aka.ms/idt2019resources
#insiderDevTour
WinML
Practical, simple model-based API for ML
inferencing on Windows
DirectML
Realtime, high control ML operator API; part
of DirectX family
Compute Driver Model
Robust hardware reach/abstraction layer for
compute and graphics silicon
DirectML API
DirectX12
WinML API
ONNX Runtime
Compute Driver Model
GPU VPU xPU CPU
Windows AI platform
#insiderDevTour
Demo
#insiderDevTour
# Load a model
var modelFile = await StorageFile.GetFileFromApplicationUriAsync(new Uri(modelPath))
LearningModel model = wait LearningModel.LoadFromStorageFileAsync(modelFile)
# Bind a model
LearningModelBinding binding = new LearningModelBinding(session)
ImageFeatureValue image = ImageFeatureValue.CreateFromVideoFrame(inputFrame)
binding.Bind(inputName, image);
# Evaluate
var result = await session.EvaluateAsync(binding, "0")
#insiderDevTour
✔ Azure Custom Vision makes it easy to create an image model
✔ WinMLTools converts existing models from TensorFlow, Keras, CoreML, scikit-learn, LIBSVM and
XGBoost
✔ Azure Machine Learning Service provides an end-to-end solution for preparing your data and
training your model
✔ ML.NET
Getting an ONNX Model
#insiderDevTour
WinML Benefits
• Low latency
• Cost Effectiveness
• Flexibility
DirectML API
DirectX12
WinML API
ONNX Runtime
Compute Driver Model
GPU VPU xPU CPU
Windows AI platform
Azure AI
Ink Recognizer
Windows AI platform
WinML
ML.NET
AutoML
What we’ve seen today…
…and two exciting tools announced at Build
DirectML
Vision Skills
✔ Powers Windows ML hardware
acceleration
✔ Delivers broad hardware
support through DirectX12
✔ Built for real-time performance
✔ Raytracing
DirectML API
DirectX12
WinML API
ONNX Runtime
Compute driver model
GPU VPU xPU CPU
What is DirectML?
Object detector Skeletal detector Sentiment analyzer
Vision Skills
#insiderDevTour
Why AI and ML?
✔ The future of Apps
Azure Cognitive Services
✔ Comprehensive pre-trained AI
✔ Many new updates!
ML.NET
✔ AutoML
✔ Model Builder
The Windows AI platform
✔ WinML
✔ DirectML
✔ Vision Skills
Recap
#insiderDevTour
Applications
Today
The Future of
Applications
AI
ML
The Power of Machine Learning
#insiderDevTour
Learn more!
Check out the labs and resources!
aka.ms/insiderdevtour-labs
#insiderDevTour
Insider Dev Tour

More Related Content

PDF
Leverage the power of machine learning on windows
PPTX
2018 12 18 Tech Valley UserGroup Machine Learning.Net
PPTX
Webinar GLUGNet - Machine Learning.Net and Windows Machine Learning
PPTX
Getting Started with Machine Learning.Net & Windows Machine Learning
PPTX
"Machine Learning for .NET Developers", Oleksander Krakovetskyi
PPTX
Firebase text recognition
PPTX
Discrete Event Simulation, CASE tool built using C#
PDF
Bots & conversational AI
Leverage the power of machine learning on windows
2018 12 18 Tech Valley UserGroup Machine Learning.Net
Webinar GLUGNet - Machine Learning.Net and Windows Machine Learning
Getting Started with Machine Learning.Net & Windows Machine Learning
"Machine Learning for .NET Developers", Oleksander Krakovetskyi
Firebase text recognition
Discrete Event Simulation, CASE tool built using C#
Bots & conversational AI

What's hot (6)

PPTX
Node.js meetup at Palo Alto Networks Tel Aviv
PPTX
Machine learning for mobile developers
DOCX
Prateek's Updated Resume 2016
PDF
Towards Secure and Interpretable AI: Scalable Methods, Interactive Visualizat...
PDF
Developing for HoloLen 2 with Unity- Unite Copenhagen 2019
PDF
Modeling on the Web
Node.js meetup at Palo Alto Networks Tel Aviv
Machine learning for mobile developers
Prateek's Updated Resume 2016
Towards Secure and Interpretable AI: Scalable Methods, Interactive Visualizat...
Developing for HoloLen 2 with Unity- Unite Copenhagen 2019
Modeling on the Web
Ad

Similar to Leverage the power of machine learning on windows (20)

PDF
201909 Automated ML for Developers
PDF
Introduction to ML.NET
PDF
Machine Learning para devs com ML.NET
PPTX
2018 09 26 CTT .NET User Group - Introduction to Machine Learning.Net and Win...
PPTX
Building an ML model with zero code
PPTX
AI at Microsoft for HEC
PDF
201906 02 Introduction to AutoML with ML.NET 1.0
PPTX
2018 11 14 Artificial Intelligence and Machine Learning in Azure
PDF
PPTX
Build 2019 Recap
PDF
Innovation morning data analytics + ai
PDF
5 Things to Consider When Deploying AI in Your Enterprise
PPTX
Serverless machine learning architectures at Helixa
PDF
Simplified Machine Learning Architecture with an Event Streaming Platform (Ap...
PPTX
2019 12 14 Global AI Bootcamp - Auto ML with Machine Learning.Net
PPTX
Tour de France Azure PaaS 6/7 Ajouter de l'intelligence
PDF
MongoDB World 2018: Building Intelligent Apps with MongoDB & Google Cloud
PDF
Accelerate ML Deployment with H2O Driverless AI on AWS
PPTX
Certification Study Group - NLP & Recommendation Systems on GCP Session 5
PPTX
Ai on the edge... and containers
201909 Automated ML for Developers
Introduction to ML.NET
Machine Learning para devs com ML.NET
2018 09 26 CTT .NET User Group - Introduction to Machine Learning.Net and Win...
Building an ML model with zero code
AI at Microsoft for HEC
201906 02 Introduction to AutoML with ML.NET 1.0
2018 11 14 Artificial Intelligence and Machine Learning in Azure
Build 2019 Recap
Innovation morning data analytics + ai
5 Things to Consider When Deploying AI in Your Enterprise
Serverless machine learning architectures at Helixa
Simplified Machine Learning Architecture with an Event Streaming Platform (Ap...
2019 12 14 Global AI Bootcamp - Auto ML with Machine Learning.Net
Tour de France Azure PaaS 6/7 Ajouter de l'intelligence
MongoDB World 2018: Building Intelligent Apps with MongoDB & Google Cloud
Accelerate ML Deployment with H2O Driverless AI on AWS
Certification Study Group - NLP & Recommendation Systems on GCP Session 5
Ai on the edge... and containers
Ad

More from Mia Chang (11)

PDF
Evaluating Large Language Models for Your Applications and Why It Matters
PDF
Running the first automatic speech recognition (ASR) model with HuggingFace -...
PDF
7 steps to AI production - global azure bootcamp 2020 Koln
PDF
TensorFlow Lite for mobile & IoT
PDF
DPS2019 data scientist in the real estate industry
PDF
Develop computer vision applications with azure computer vision api
PDF
The Art of Unit Testing Ch5-6
PDF
Deploy Deep Learning Application with Azure Container Instance - Devdays2018
PDF
What's AI, Machine Learning and Deep Learning - Talk @NCCU python 讀書會
PDF
Play Kaggle with R, Facebook V: Predicting Check Ins
PDF
twMVC#29 -Learning Machine Learning with Movie Recommendation
Evaluating Large Language Models for Your Applications and Why It Matters
Running the first automatic speech recognition (ASR) model with HuggingFace -...
7 steps to AI production - global azure bootcamp 2020 Koln
TensorFlow Lite for mobile & IoT
DPS2019 data scientist in the real estate industry
Develop computer vision applications with azure computer vision api
The Art of Unit Testing Ch5-6
Deploy Deep Learning Application with Azure Container Instance - Devdays2018
What's AI, Machine Learning and Deep Learning - Talk @NCCU python 讀書會
Play Kaggle with R, Facebook V: Predicting Check Ins
twMVC#29 -Learning Machine Learning with Movie Recommendation

Recently uploaded (20)

PDF
REAL ILLUMINATI AGENT IN KAMPALA UGANDA CALL ON+256765750853/0705037305
PPT
Predictive modeling basics in data cleaning process
PPTX
SAP 2 completion done . PRESENTATION.pptx
PPTX
CYBER SECURITY the Next Warefare Tactics
PPTX
SET 1 Compulsory MNH machine learning intro
PDF
Transcultural that can help you someday.
PPT
lectureusjsjdhdsjjshdshshddhdhddhhd1.ppt
PPTX
QUANTUM_COMPUTING_AND_ITS_POTENTIAL_APPLICATIONS[2].pptx
PPTX
(Ali Hamza) Roll No: (F24-BSCS-1103).pptx
PPTX
FMIS 108 and AISlaudon_mis17_ppt_ch11.pptx
PPTX
Copy of 16 Timeline & Flowchart Templates – HubSpot.pptx
PPTX
chrmotography.pptx food anaylysis techni
PPTX
IMPACT OF LANDSLIDE.....................
PDF
Microsoft Core Cloud Services powerpoint
PPTX
Steganography Project Steganography Project .pptx
PPTX
STERILIZATION AND DISINFECTION-1.ppthhhbx
PDF
Votre score augmente si vous choisissez une catégorie et que vous rédigez une...
PDF
[EN] Industrial Machine Downtime Prediction
PDF
Introduction to Data Science and Data Analysis
PDF
Systems Analysis and Design, 12th Edition by Scott Tilley Test Bank.pdf
REAL ILLUMINATI AGENT IN KAMPALA UGANDA CALL ON+256765750853/0705037305
Predictive modeling basics in data cleaning process
SAP 2 completion done . PRESENTATION.pptx
CYBER SECURITY the Next Warefare Tactics
SET 1 Compulsory MNH machine learning intro
Transcultural that can help you someday.
lectureusjsjdhdsjjshdshshddhdhddhhd1.ppt
QUANTUM_COMPUTING_AND_ITS_POTENTIAL_APPLICATIONS[2].pptx
(Ali Hamza) Roll No: (F24-BSCS-1103).pptx
FMIS 108 and AISlaudon_mis17_ppt_ch11.pptx
Copy of 16 Timeline & Flowchart Templates – HubSpot.pptx
chrmotography.pptx food anaylysis techni
IMPACT OF LANDSLIDE.....................
Microsoft Core Cloud Services powerpoint
Steganography Project Steganography Project .pptx
STERILIZATION AND DISINFECTION-1.ppthhhbx
Votre score augmente si vous choisissez une catégorie et que vous rédigez une...
[EN] Industrial Machine Downtime Prediction
Introduction to Data Science and Data Analysis
Systems Analysis and Design, 12th Edition by Scott Tilley Test Bank.pdf

Leverage the power of machine learning on windows

  • 1. #insiderDevTour Leverage the Power of Machine Learning on Windows   Mia Chang
  • 2. #insiderDevTour Why AI and ML? How can you get started? What else? What we'll talk about today
  • 3. #insiderDevTour As a developer, why should you care about AI and ML?
  • 4. Examples Classify if a customer is a retention risk Identify objects in images and videos Detect defects in an industrial process Some problems are difficult to solve using traditional algorithms and procedural programming. These examples are good candidates for machine learning.
  • 5. When can you use Machine Learning? A repetitive decision or process Solution lacks an explicit definition A lot of training data is available
  • 6. #insiderDevTour 90% Reduced time from documents to insights $300K Cost savings per day 40x More insurance cases reviewed 200K Customers interacting with chatbots +20% Increase in customer satisfaction +32% Increase in sales
  • 7. #insiderDevTour How can you get started with AI and ML?
  • 8. #insiderDevTour Prepare Your Data Quickly launch and scale Spark on demand Rich interactive workspace and notebooks Seamless integration with all Azure data services Build and Train Broad frameworks and tools support TensorFlow, Cognitive Toolkit, Caffe2, Keras, MxNET, PyTorch Deploy Docker containers Windows AI Platform Azure Machine Learning Machine Learning Landscape
  • 9. #insiderDevTour Machine Learning for Developers Enable Multi-Input Azure Cognitive Services Ink Recognizer Increase Functionality Windows AI platform Sentiment Analysis ML.NET Price prediction
  • 10. #insiderDevTour Machine Learning for Developers Enable Multi-Input Azure Cognitive Services Ink Recognizer Increase Functionality Windows AI platform Sentiment Analysis ML.NET Price prediction
  • 12. Azure Cognitive Services The most comprehensive pre-trained AI Language Vision Speech Decision Web search Bing Spell Check Custom Vision Personalizer Form Recognizer Neural Text-to-Speech Anomaly Detector Content Moderator Content Moderator Custom Speech Speech transcription Text-to-Speech Conversation transcription capability Face Video Indexer Ink Recognizer Computer Vision Language Understanding QnA Maker Text Analytics Translator Text Bing Web Search Bing Custom Search Bing Video Search Bing Image Search Bing Local Business Search Bing Visual Search Bing Entity Search Bing News Search Bing Autosuggest
  • 13. Azure Cognitive Services The most comprehensive pre-trained AI Ink Recognizer
  • 14. Azure Cognitive Services //build/ Ink Recognizer aka.ms/idt2019resources
  • 16. #insiderDevTour Demo Notes: Demo Name <Script for the demo. Use more than one slide if you need to>
  • 17. #insiderDevTour Machine Learning for Developers Enable Multi-Input Azure Cognitive Services Ink Recognizer Increase Functionality Windows AI platform Sentiment Analysis ML.NET Price prediction
  • 18. #insiderDevTour DESKTOP CLOUDWEB MOBILE ML .NET Your platform for building anything IoTGAMING
  • 19. #insiderDevTour ML.NET Machine Learning framework for building custom ML Models Proven at scale Azure, Office, Windows Extensible TensorFlow, ONNX and Infer.NET Cross-platform and open-source Runs everywhere Easy to use tools CLI + UI-based tool for building models
  • 20. #insiderDevTour ML.NET Tooling ML.NET CLI global tool accelerates productivity AutoML Model Builder
  • 21. #insiderDevTour How much is the taxi fare for 1 passenger going from Cape Town to Johannesburg? AutoML with ML.NET ML.NET CLI global tool accelerates productivity
  • 22. #insiderDevTour Criterion Loss Min Samples Split Min Samples Leaf XYZ Parameter 1 Parameter 2 Parameter 3 Parameter 4 … Distance Trip time Car type Passengers Time of day … Gradient Boosted Nearest Neighbors SGD Bayesian Regression LGBM … Distance Gradient Boosted 30% Model Car type Passengers Getting started w/machine learning can be hard ML.NET takes the guess work out of data prep, feature selection & hyperparameter tuning Which algorithm? Which parameters?Which features?
  • 23. #insiderDevTour N Neighbors Weights Metric P ZYX Which algorithm? Which parameters?Which features? Distance Trip time Car type Passengers Time of day … Gradient Boosted Nearest Neighbors SGD Bayesian Regression LGBM … Nearest Neighbors Criterion Loss Min Samples Split Min Samples Leaf XYZ 50% Model Iterate 30% Gradient BoostedDistance Car brand Year of make Car type Passengers Trip time Getting started w/machine learning can be hard ML.NET takes the guess work out of data prep, feature selection & hyperparameter tuning
  • 24. #insiderDevTour 25%40%70% 25% 95% 25% 25% 25% 25% 40% 40% 40% 40% 70% 70% 70%Enter data Define goals Apply constraints Input Intelligently test multiple models in parallel Optimized model ML.NET accelerates model development
  • 25. #insiderDevTour 70%95% Feature importance Distance Trip time Car type Passengers Time of day 0 1 Model B (70%) Distance 0 1 Trip time Car type Passengers Time of day Feature importance Model A (95%) ML.NET accelerates model development with model explainability
  • 27. #insiderDevTour # STEP 1: Load data IDataView trainingDataView = mlContext.Data.LoadFromTextFile<TaxiTrip>( ... ) IDataView testDataView = mlContext.Data.LoadFromTextFile<TaxiTrip>( ... ) # Display first few rows of the training data ConsoleHelper.ShowDataViewInConsole(mlContext, trainingDataView) # STEP 2: Initialize user-defined progress handler that AutoML will invoke after each model var progressHandler = new RegressionExperimentProgressHandler() # STEP 3: Run AutoML regression experiment ExperimentResult<RegressionMetrics> experimentResult = mlContext.Auto() .CreateRegressionExperiment(ExperimentTime) .Execute(trainingDataView, LabelColumnName, progressHandler: progressHandler) # Print top models found by AutoML PrintTopModels(experimentResult) # STEP 4: Evaluate the model on test data RunDetail<RegressionMetrics> best = experimentResult.BestRun ITransformer trainedModel = best.Model # Run best model on test data IDataView predictions = trainedModel.Transform(testDataView) # STEP 5: Save trained model to a .ZIP file mlContext.Model.Save(trainedModel, trainingDataView.Schema, ModelPath)
  • 28. #insiderDevTour Machine Learning for Developers Enable Multi-Input Azure Cognitive Services Ink Recognizer Increase Functionality Windows AI platform Sentiment Analysis ML.NET Price prediction aka.ms/idt2019resources
  • 29. #insiderDevTour WinML Practical, simple model-based API for ML inferencing on Windows DirectML Realtime, high control ML operator API; part of DirectX family Compute Driver Model Robust hardware reach/abstraction layer for compute and graphics silicon DirectML API DirectX12 WinML API ONNX Runtime Compute Driver Model GPU VPU xPU CPU Windows AI platform
  • 31. #insiderDevTour # Load a model var modelFile = await StorageFile.GetFileFromApplicationUriAsync(new Uri(modelPath)) LearningModel model = wait LearningModel.LoadFromStorageFileAsync(modelFile) # Bind a model LearningModelBinding binding = new LearningModelBinding(session) ImageFeatureValue image = ImageFeatureValue.CreateFromVideoFrame(inputFrame) binding.Bind(inputName, image); # Evaluate var result = await session.EvaluateAsync(binding, "0")
  • 32. #insiderDevTour ✔ Azure Custom Vision makes it easy to create an image model ✔ WinMLTools converts existing models from TensorFlow, Keras, CoreML, scikit-learn, LIBSVM and XGBoost ✔ Azure Machine Learning Service provides an end-to-end solution for preparing your data and training your model ✔ ML.NET Getting an ONNX Model
  • 33. #insiderDevTour WinML Benefits • Low latency • Cost Effectiveness • Flexibility DirectML API DirectX12 WinML API ONNX Runtime Compute Driver Model GPU VPU xPU CPU Windows AI platform
  • 34. Azure AI Ink Recognizer Windows AI platform WinML ML.NET AutoML What we’ve seen today… …and two exciting tools announced at Build DirectML Vision Skills
  • 35. ✔ Powers Windows ML hardware acceleration ✔ Delivers broad hardware support through DirectX12 ✔ Built for real-time performance ✔ Raytracing DirectML API DirectX12 WinML API ONNX Runtime Compute driver model GPU VPU xPU CPU What is DirectML?
  • 36. Object detector Skeletal detector Sentiment analyzer Vision Skills
  • 37. #insiderDevTour Why AI and ML? ✔ The future of Apps Azure Cognitive Services ✔ Comprehensive pre-trained AI ✔ Many new updates! ML.NET ✔ AutoML ✔ Model Builder The Windows AI platform ✔ WinML ✔ DirectML ✔ Vision Skills Recap
  • 39. #insiderDevTour Learn more! Check out the labs and resources! aka.ms/insiderdevtour-labs