SlideShare a Scribd company logo
Data and AI Scientist @ Microsoft
Cloud Solution Architect
US CTO Customer Success
@marktabnet
© Microsoft Corporation
Agenda
• Why Automated Machine Learning?
• Azure ML Service and Azure Databricks
• Capabilities: What’s New?
• Demos
• Enterprise Deployment
Domain specific pretrained models
To simplify solution development
Azure
Databricks
Machine
Learning VMs
Popular frameworks
To build advanced deep learning solutions
TensorFlowPyTorch ONNX
Azure Machine
Learning
LanguageSpeech
…
SearchVision
Productive services
To empower data science and development teams
Powerful infrastructure
To accelerate deep learning
Scikit-Learn
Familiar Data Science tools
To simplify model development
CPU GPU FPGA
From the Intelligent Cloud to the Intelligent Edge
Azure Notebooks JupyterVisual Studio Code Command line
© Microsoft Corporation
Why Automated ML?
Machine Learning on Azure
Domain Specific Pretrained Models
To reduce time to market
Azure
Databricks
Machine
Learning VMs
Popular Frameworks
To build machine learning and deep learning solutions TensorFlowPyTorch ONNX
Azure Machine Learning
LanguageSpeech
…
SearchVision
Productive Services
To empower data science and development teams
Powerful Hardware
To accelerate deep learning
Scikit-Learn
PyCharm Jupyter
Familiar Data Science Tools
To simplify model development Visual Studio Code Command line
CPU GPU FPGA
From the Intelligent Cloud to the Intelligent Edge
Building blocks for a Data Science Project
Data
sources
What is automated machine
learning?
© Microsoft Corporation
Automated machine learning (automated ML) automates
feature engineering, algorithm and hyperparameter
selection to find the best model for your data.
Automated ML Mission
Democratize AI Scale AIAccelerate AI
© Microsoft Corporation Azure
Enable automated building of machine learning with the goal of accelerating, democratizing and scaling AI
Enable Domain Experts & Developers to
get rapidly build AI solutions
Improve Productivity for Data Scientists,
Citizen Data Scientists, App Developers &
Analysts
Build AI solutions at scale in an automated
fashion
How much is this car worth?
Machine Learning Problem Example
Model Creation Is Typically Time-Consuming
Mileage
Condition
Car brand
Year of make
Regulations
…
Parameter 1
Parameter 2
Parameter 3
Parameter 4
…
Gradient Boosted
Nearest Neighbors
SVM
Bayesian Regression
LGBM
…
Mileage Gradient Boosted Criterion
Loss
Min Samples Split
Min Samples Leaf
Others Model
Which algorithm? Which parameters?Which features?
Car brand
Year of make
Criterion
Loss
Min Samples Split
Min Samples Leaf
Others
N Neighbors
Weights
Metric
P
Others
Which algorithm? Which parameters?Which features?
Mileage
Condition
Car brand
Year of make
Regulations
…
Gradient Boosted
Nearest Neighbors
SVM
Bayesian Regression
LGBM
…
Nearest Neighbors
Model
Iterate
Gradient BoostedMileage
Car brand
Year of make
Car brand
Year of make
Condition
Model Creation Is Typically Time-Consuming
Which algorithm? Which parameters?Which features?
Iterate
Model Creation Is Typically Time-Consuming
Enter data
Define goals
Apply constraints
Output
Automated ML Accelerates Model Development
Input Intelligently test multiple models in parallel
Optimized model
Automated ML Capabilities
• Based on Microsoft Research
• Brain trained with several
million experiments
• Collaborative filtering and
Bayesian optimization
• Privacy preserving: No need
to “see” the data
Automated ML Capabilities
• ML Scenarios: Classification &
Regression, Forecasting
• Languages: Python SDK for
deployment and hosting for
inference – Jupyter notebooks
• Training Compute: Local
Machine, AML Compute, Data
Science Virtual Machine (DSVM),
Azure Databricks*
• Transparency: View run history,
model metrics, explainability*
• Scale: Faster model training
using multiple cores and parallel
experiments
* In Preview
Guardrails
Class imbalance
Train-Test split, CV, rolling CV
Missing value imputation
Detect high cardinality features
Detect leaky features
Detect overfitting
Model Interpretability / Feature Importance
About Azure ML Service
and Azure Databricks
+
To empower data science and development teams
Develop models faster with automated machine learning
Use any Python environment and ML frameworks
Manage models across the cloud and the edge.
Prepare data clean data at massive scale
Enable collaboration between data scientists and data engineers
Access machine learning optimized clusters
Azure Machine Learning
Python-based machine learning service
Azure Databricks
Apache Spark-based big-data service
Bring AI to everyone with an end-to-end, scalable, trusted platform
Built with your needs in mind
Support for open source frameworks
Managed compute
DevOps for machine learning
Simple deployment
Tool agnostic Python SDK
Automated machine learning
Seamlessly integrated with the Azure Portfolio
Boost your data science productivity
Increase your rate of experimentation
Deploy and manage your models everywhere
Fast, easy, and collaborative Apache Spark™-based analytics platform
Built with your needs in mind
Optimized Apache Spark environmnet
Collaborative workspace
Integration with Azure data services
Autoscale and autoterminate
Optimized for distributed processing
Support for multiple languages and libraries
Seamlessly integrated with the Azure Portfolio
Increase productivity
Build on a secure, trusted cloud
Scale without limits
Leverage your favorite deep learning frameworks
AZURE ML SERVICE
Increase your rate of experimentation
Bring AI to the edge
Deploy and manage your models everywhere
TensorFlow MS Cognitive Toolkit PyTorch Scikit-Learn ONNX Caffe2 MXNet Chainer
AZURE DATABRICKS
Accelerate processing with the fastest Apache Spark engine
Integrate natively with Azure services
Access enterprise-grade Azure security
What to use when?
+
Customer journey Data Prep Build and Train Manage and Deploy
Apache Spark / Big Data
Python ML developer
Azure ML service
(Pandas, NumPy etc. on AML Compute)
Azure ML service
(OSS frameworks, Hyperdrive, Pipelines,
Automated ML, Model Registry)
Azure ML service
(containerize, deploy,
inference and monitor)
Azure ML service
(containerize, deploy,
inference and monitor)
Azure Databricks
(Apache Spark Dataframes,
Datasets, Delta, Pandas, NumPy etc.)
Azure Databricks + Azure ML service
(Spark MLib and OSS frameworks +
Automated ML, Model Registry)
What’s new?
Latest announcements @ MS Build (Blog post with all the announcements)
Feature engineering updates
• Additional data guardrails and synthetic features
• Added XGBoost algorithm
• Improved transparency retrieving the engineered
features
© Microsoft Corporation Azure
Coming up next
• Improved feature sweeping, text featurization
• Transparency: Get auto-featurized data
Latest announcements @ MS Build (Blog post with all the announcements)
Time Series Forecasting Generally
Available
• Rolling cross validation splits for time series data
• Configurable lags
• Window aggregation
• Holiday featurizer
© Microsoft Corporation Azure
https://azure.microsoft.com/
en-us/blog/build-more-
accurate-forecasts-with-
new-capabilities-in-
automated-machine-
learning/
Latest announcements @ MS Build (Blog post with all the announcements)
Automated ML in ML.NET Model
Builder (Preview)
• Train ML models from Visual Studio
• Inference from your application
© Microsoft Corporation Azure
ML.NET Model Builder
Latest announcements @ MS Build (Blog post with all the announcements)
ONNX support
• Automated ML output ONNX format models
• Inferencing support for C# apps via ONNX runtime
environments (WinML, ML.Net, ONNX C# API), Cosmos
pipelines
© Microsoft Corporation Azure
Latest announcements @ MS Build (Blog post with all the announcements)
Run automated ML from SQL
© Microsoft Corporation Azure
Blog post
Latest announcements @ MS Build (Blog post with all the announcements)
Automated ML UI in Azure portal (Preview)
• End-to-end no-code experience for non-data scientists to
train ML models
• Classification, Regression, Forecasting
• Deploy models easily and quickly
• Advanced settings for power users to tune the training job
© Microsoft Corporation Azure
Blog post Coming up next
• Model explainability
• Additional data sources
(with Datasets)
• Re-run experiments
Demo: Azure Machine
Learning Service
“Day 0” (First time) experience
Create your first experiment with automated machine learning to
produce quality models with zero effort
Automate the process of algorithm selection, hyperparameter tuning, and best model selection
with automated machine learning, and accelerate your productivity. Select your data and let
automated ML do the rest to provide the best model from endless possible options
Create a new automated machine learning experiment
* Training compute 
amlcompute-4a57de20b3f1
Next
* Experiment name
myfirstautomlexperiment
Cancel
Create new
Create a new automated machine learning experiment
* Training compute 
Select existing…
* Experiment name
myfirstautomlexperiment
Create new
Select a file from Azure blob storage account
Data Preview Data Profile
Include in training Include in training Include in training Include in training Include in training Include in training Include in training Include in training
Use first row as header
Select a storage account and a container to view the files list
mytestmlexperimentsto… automl-blob-d8b2d4df-…* Storage account * Container
Include in training Include in training Include in training Include in training Include in training Include in training Include in training Include in training
Data Preview Data Profile
Training job settings:
* Training job type  Classification
* Target column  Freight cost
* Primary metric  Accuracy
Number of iterations: 100
Include in training Include in training Include in training Include in training Include in training Include in training Include in training Include in training
Data Preview Data Profile
Training job settings:
* Training job type  Classification
* Target column  Freight cost
* Primary metric  Accuracy
Number of iterations: 100
Data Preview Data Profile
Condensed view
Training job settings:
* Training job type  Classification
* Target column  Freight cost
* Primary metric  Accuracy
Number of iterations: 100
StartCancel
Myfirstautomlexperiment | Run #XXX
Automated machine learning dashboard
#
Running
#
Completed
#
Failed
#
Cancelled
“Day 30” experience
0
5
10
15
Run status history (All)
Cancelled
Failed
Completed
Running
All dates
MarkTab Run
201906 04 Overview of Automated ML June 2019
201906 04 Overview of Automated ML June 2019
https://docs.microsoft.com/en-us/azure/machine-learning/service/how-to-create-portal-experiments
Demo: Azure Databricks
About Azure Databricks
• Azure Databricks is a managed Spark offering on Azure and customers
already use it for advanced analytics.
• It provides a collaborative Notebook based environment with CPU or
GPU based compute cluster.
Azure Databricks Features
• Customers who use Azure Databricks for advanced analytics can now use the
same cluster to run experiments with or without automated machine learning.
• You may keep the data within the same cluster.
• You may leverage the local worker nodes with autoscale and auto termination
capabilities.
• You may use multiple cores of your Azure Databricks cluster to perform
simultaneous training.
• You may further tune the model generated by automated machine learning.
• Every run (including the best run) is available as a pipeline, which you may tune
further if needed.
• The model trained using Azure Databricks can be registered in Azure ML SDK
workspace and then deployed to Azure managed compute (ACI or AKS) using the
Azure Machine learning SDK.
Github Demo
https://github.com/Azure/MachineLearningNotebooks/tree/master/how-to-use-azureml/azure-databricks
How to Configure Azure Databricks
https://docs.microsoft.com/en-us/azure/machine-learning/service/how-to-configure-environment#azure-databricks
Enterprise deployment
Deploy Azure ML models at scale
Azure Machine Learning Service
Model deployment
https://docs.microsoft.com/en-us/azure/architecture/reference-architectures/
Action
Try it for free
http://aka.ms/amlfree
Learn more : https://aka.ms/automatedmldocs
Notebook Samples : https://aka.ms/automatedmlsamples
Blog Post : https://aka.ms/AutomatedML
Product Feedback : AskAutomatedML@microsoft.com

More Related Content

What's hot (20)

PPTX
Scalable Machine Learning using R and Azure HDInsight - Parashar
Parashar Shah
 
PDF
Augmenting Machine Learning with Databricks Labs AutoML Toolkit
Databricks
 
PDF
AI with Azure Machine Learning
Geert Baeke
 
PDF
Managing the Machine Learning Lifecycle with MLflow
Databricks
 
PDF
Machine Learning Using Cloud Services
SC5.io
 
PPTX
Introduction to Machine learning and Deep Learning
Nishan Aryal
 
PDF
MLflow and Azure Machine Learning—The Power Couple for ML Lifecycle Management
Databricks
 
PPTX
2018 11 14 Artificial Intelligence and Machine Learning in Azure
Bruno Capuano
 
PPTX
Managing your ML lifecycle with Azure Databricks and Azure ML
Parashar Shah
 
PPTX
MLOps in action
Pieter de Bruin
 
PPTX
Machine learning and Deep learning on edge devices using TensorFlow
Aditya Bhattacharya
 
PDF
Hamburg Data Science Meetup - MLOps with a Feature Store
Moritz Meister
 
PPTX
Getting Started with Azure AutoML
Vivek Raja P S
 
PDF
Building predictive models in Azure Machine Learning
Mostafa
 
PPTX
What startups need to know about NLP, AI, & ML on the cloud.
Aaron (Ari) Bornstein
 
PDF
Robust MLOps with Open-Source: ModelDB, Docker, Jenkins, and Prometheus
Manasi Vartak
 
PDF
Vertex AI - Unified ML Platform for the entire AI workflow on Google Cloud
Márton Kodok
 
PDF
MLFlow: Platform for Complete Machine Learning Lifecycle
Databricks
 
PPTX
Feature store: Solving anti-patterns in ML-systems
Andrzej Michałowski
 
PDF
[Research] azure ml anatomy of a machine learning service - Sharat Chikkerur
PAPIs.io
 
Scalable Machine Learning using R and Azure HDInsight - Parashar
Parashar Shah
 
Augmenting Machine Learning with Databricks Labs AutoML Toolkit
Databricks
 
AI with Azure Machine Learning
Geert Baeke
 
Managing the Machine Learning Lifecycle with MLflow
Databricks
 
Machine Learning Using Cloud Services
SC5.io
 
Introduction to Machine learning and Deep Learning
Nishan Aryal
 
MLflow and Azure Machine Learning—The Power Couple for ML Lifecycle Management
Databricks
 
2018 11 14 Artificial Intelligence and Machine Learning in Azure
Bruno Capuano
 
Managing your ML lifecycle with Azure Databricks and Azure ML
Parashar Shah
 
MLOps in action
Pieter de Bruin
 
Machine learning and Deep learning on edge devices using TensorFlow
Aditya Bhattacharya
 
Hamburg Data Science Meetup - MLOps with a Feature Store
Moritz Meister
 
Getting Started with Azure AutoML
Vivek Raja P S
 
Building predictive models in Azure Machine Learning
Mostafa
 
What startups need to know about NLP, AI, & ML on the cloud.
Aaron (Ari) Bornstein
 
Robust MLOps with Open-Source: ModelDB, Docker, Jenkins, and Prometheus
Manasi Vartak
 
Vertex AI - Unified ML Platform for the entire AI workflow on Google Cloud
Márton Kodok
 
MLFlow: Platform for Complete Machine Learning Lifecycle
Databricks
 
Feature store: Solving anti-patterns in ML-systems
Andrzej Michałowski
 
[Research] azure ml anatomy of a machine learning service - Sharat Chikkerur
PAPIs.io
 

Similar to 201906 04 Overview of Automated ML June 2019 (20)

PPTX
Building an ML model with zero code
Nick Trogh
 
PDF
DEVOPS AND MACHINE LEARNING
CodeOps Technologies LLP
 
PDF
[第35回 Machine Learning 15minutes!] Microsoft AI Updates
Naoki (Neo) SATO
 
PPTX
Machine learning
Saravanan Subburayal
 
PPTX
Azure machine learning service
Ruth Yakubu
 
PPTX
Deeplearning and dev ops azure
Vishwas N
 
PDF
Big Data Advanced Analytics on Microsoft Azure 201904
Mark Tabladillo
 
PPTX
Machine Learning and AI
James Serra
 
PDF
I want my model to be deployed ! (another story of MLOps)
AZUG FR
 
PDF
Machine Learning Operations Cababilities
davidsh11
 
PPTX
2020 10 22 AI Fundamentals - Azure Machine Learning
Bruno Capuano
 
PDF
Microsoft DevOps for AI with GoDataDriven
GoDataDriven
 
PPTX
MCT Summit Azure automated Machine Learning
Usama Wahab Khan Cloud, Data and AI
 
PPTX
DevOps for Machine Learning overview en-us
eltonrodriguez11
 
PPTX
Microsoft Introduction to Automated Machine Learning
Setu Chokshi
 
PPTX
Introducing MlFlow: An Open Source Platform for the Machine Learning Lifecycl...
DataWorks Summit
 
PDF
Continuous delivery for machine learning
Rajesh Muppalla
 
PPTX
AML_service.pptx
Abhishek878239
 
PPTX
Azure Machine Learning Dotnet Campus 2015
antimo musone
 
PPTX
Lessons Learned from Building Machine Learning Software at Netflix
Justin Basilico
 
Building an ML model with zero code
Nick Trogh
 
DEVOPS AND MACHINE LEARNING
CodeOps Technologies LLP
 
[第35回 Machine Learning 15minutes!] Microsoft AI Updates
Naoki (Neo) SATO
 
Machine learning
Saravanan Subburayal
 
Azure machine learning service
Ruth Yakubu
 
Deeplearning and dev ops azure
Vishwas N
 
Big Data Advanced Analytics on Microsoft Azure 201904
Mark Tabladillo
 
Machine Learning and AI
James Serra
 
I want my model to be deployed ! (another story of MLOps)
AZUG FR
 
Machine Learning Operations Cababilities
davidsh11
 
2020 10 22 AI Fundamentals - Azure Machine Learning
Bruno Capuano
 
Microsoft DevOps for AI with GoDataDriven
GoDataDriven
 
MCT Summit Azure automated Machine Learning
Usama Wahab Khan Cloud, Data and AI
 
DevOps for Machine Learning overview en-us
eltonrodriguez11
 
Microsoft Introduction to Automated Machine Learning
Setu Chokshi
 
Introducing MlFlow: An Open Source Platform for the Machine Learning Lifecycl...
DataWorks Summit
 
Continuous delivery for machine learning
Rajesh Muppalla
 
AML_service.pptx
Abhishek878239
 
Azure Machine Learning Dotnet Campus 2015
antimo musone
 
Lessons Learned from Building Machine Learning Software at Netflix
Justin Basilico
 
Ad

More from Mark Tabladillo (20)

PDF
How to find low-cost or free data science resources 202006
Mark Tabladillo
 
PDF
Microsoft Build 2020: Data Science Recap
Mark Tabladillo
 
PDF
201905 Azure Databricks for Machine Learning
Mark Tabladillo
 
PDF
201905 Azure Certification DP-100: Designing and Implementing a Data Science ...
Mark Tabladillo
 
PDF
Managing Enterprise Data Science 201904
Mark Tabladillo
 
PDF
Training of Python scikit-learn models on Azure
Mark Tabladillo
 
PDF
Big Data Adavnced Analytics on Microsoft Azure
Mark Tabladillo
 
PDF
Advanced Analytics with Power BI 201808
Mark Tabladillo
 
PDF
Microsoft Cognitive Toolkit (Atlanta Code Camp 2017)
Mark Tabladillo
 
PDF
Machine learning services with SQL Server 2017
Mark Tabladillo
 
PDF
Microsoft Technologies for Data Science 201612
Mark Tabladillo
 
PDF
How Big Companies plan to use Our Big Data 201610
Mark Tabladillo
 
PDF
Georgia Tech Data Science Hackathon September 2016
Mark Tabladillo
 
PDF
Microsoft Data Science Technologies 201608
Mark Tabladillo
 
PDF
Insider's guide to azure machine learning 201606
Mark Tabladillo
 
PDF
Window functions for Data Science
Mark Tabladillo
 
PDF
Microsoft Technologies for Data Science 201601
Mark Tabladillo
 
PDF
Microsoft Data Science Technologies: Back Office Edition
Mark Tabladillo
 
PDF
Microsoft Data Science Technologies 201510
Mark Tabladillo
 
PDF
Primer on Power BI 20151003
Mark Tabladillo
 
How to find low-cost or free data science resources 202006
Mark Tabladillo
 
Microsoft Build 2020: Data Science Recap
Mark Tabladillo
 
201905 Azure Databricks for Machine Learning
Mark Tabladillo
 
201905 Azure Certification DP-100: Designing and Implementing a Data Science ...
Mark Tabladillo
 
Managing Enterprise Data Science 201904
Mark Tabladillo
 
Training of Python scikit-learn models on Azure
Mark Tabladillo
 
Big Data Adavnced Analytics on Microsoft Azure
Mark Tabladillo
 
Advanced Analytics with Power BI 201808
Mark Tabladillo
 
Microsoft Cognitive Toolkit (Atlanta Code Camp 2017)
Mark Tabladillo
 
Machine learning services with SQL Server 2017
Mark Tabladillo
 
Microsoft Technologies for Data Science 201612
Mark Tabladillo
 
How Big Companies plan to use Our Big Data 201610
Mark Tabladillo
 
Georgia Tech Data Science Hackathon September 2016
Mark Tabladillo
 
Microsoft Data Science Technologies 201608
Mark Tabladillo
 
Insider's guide to azure machine learning 201606
Mark Tabladillo
 
Window functions for Data Science
Mark Tabladillo
 
Microsoft Technologies for Data Science 201601
Mark Tabladillo
 
Microsoft Data Science Technologies: Back Office Edition
Mark Tabladillo
 
Microsoft Data Science Technologies 201510
Mark Tabladillo
 
Primer on Power BI 20151003
Mark Tabladillo
 
Ad

Recently uploaded (20)

PDF
Web Scraping with Google Gemini 2.0 .pdf
Tamanna
 
PPTX
apidays Helsinki & North 2025 - APIs at Scale: Designing for Alignment, Trust...
apidays
 
PDF
What does good look like - CRAP Brighton 8 July 2025
Jan Kierzyk
 
PPTX
apidays Munich 2025 - Building an AWS Serverless Application with Terraform, ...
apidays
 
PPTX
Numbers of a nation: how we estimate population statistics | Accessible slides
Office for National Statistics
 
PDF
Simplifying Document Processing with Docling for AI Applications.pdf
Tamanna
 
PPTX
apidays Helsinki & North 2025 - Running a Successful API Program: Best Practi...
apidays
 
PPTX
AI Presentation Tool Pitch Deck Presentation.pptx
ShyamPanthavoor1
 
PDF
The European Business Wallet: Why It Matters and How It Powers the EUDI Ecosy...
Lal Chandran
 
PDF
Driving Employee Engagement in a Hybrid World.pdf
Mia scott
 
PDF
Merits and Demerits of DBMS over File System & 3-Tier Architecture in DBMS
MD RIZWAN MOLLA
 
PPTX
apidays Helsinki & North 2025 - API access control strategies beyond JWT bear...
apidays
 
PPTX
Advanced_NLP_with_Transformers_PPT_final 50.pptx
Shiwani Gupta
 
PDF
Avatar for apidays apidays PRO June 07, 2025 0 5 apidays Helsinki & North 2...
apidays
 
PDF
apidays Helsinki & North 2025 - REST in Peace? Hunting the Dominant Design fo...
apidays
 
PDF
Choosing the Right Database for Indexing.pdf
Tamanna
 
PPTX
Exploring Multilingual Embeddings for Italian Semantic Search: A Pretrained a...
Sease
 
PPTX
apidays Singapore 2025 - From Data to Insights: Building AI-Powered Data APIs...
apidays
 
PDF
apidays Helsinki & North 2025 - How (not) to run a Graphql Stewardship Group,...
apidays
 
PPTX
Module-5-Measures-of-Central-Tendency-Grouped-Data-1.pptx
lacsonjhoma0407
 
Web Scraping with Google Gemini 2.0 .pdf
Tamanna
 
apidays Helsinki & North 2025 - APIs at Scale: Designing for Alignment, Trust...
apidays
 
What does good look like - CRAP Brighton 8 July 2025
Jan Kierzyk
 
apidays Munich 2025 - Building an AWS Serverless Application with Terraform, ...
apidays
 
Numbers of a nation: how we estimate population statistics | Accessible slides
Office for National Statistics
 
Simplifying Document Processing with Docling for AI Applications.pdf
Tamanna
 
apidays Helsinki & North 2025 - Running a Successful API Program: Best Practi...
apidays
 
AI Presentation Tool Pitch Deck Presentation.pptx
ShyamPanthavoor1
 
The European Business Wallet: Why It Matters and How It Powers the EUDI Ecosy...
Lal Chandran
 
Driving Employee Engagement in a Hybrid World.pdf
Mia scott
 
Merits and Demerits of DBMS over File System & 3-Tier Architecture in DBMS
MD RIZWAN MOLLA
 
apidays Helsinki & North 2025 - API access control strategies beyond JWT bear...
apidays
 
Advanced_NLP_with_Transformers_PPT_final 50.pptx
Shiwani Gupta
 
Avatar for apidays apidays PRO June 07, 2025 0 5 apidays Helsinki & North 2...
apidays
 
apidays Helsinki & North 2025 - REST in Peace? Hunting the Dominant Design fo...
apidays
 
Choosing the Right Database for Indexing.pdf
Tamanna
 
Exploring Multilingual Embeddings for Italian Semantic Search: A Pretrained a...
Sease
 
apidays Singapore 2025 - From Data to Insights: Building AI-Powered Data APIs...
apidays
 
apidays Helsinki & North 2025 - How (not) to run a Graphql Stewardship Group,...
apidays
 
Module-5-Measures-of-Central-Tendency-Grouped-Data-1.pptx
lacsonjhoma0407
 

201906 04 Overview of Automated ML June 2019

  • 1. Data and AI Scientist @ Microsoft Cloud Solution Architect US CTO Customer Success @marktabnet
  • 2. © Microsoft Corporation Agenda • Why Automated Machine Learning? • Azure ML Service and Azure Databricks • Capabilities: What’s New? • Demos • Enterprise Deployment
  • 3. Domain specific pretrained models To simplify solution development Azure Databricks Machine Learning VMs Popular frameworks To build advanced deep learning solutions TensorFlowPyTorch ONNX Azure Machine Learning LanguageSpeech … SearchVision Productive services To empower data science and development teams Powerful infrastructure To accelerate deep learning Scikit-Learn Familiar Data Science tools To simplify model development CPU GPU FPGA From the Intelligent Cloud to the Intelligent Edge Azure Notebooks JupyterVisual Studio Code Command line
  • 6. Machine Learning on Azure Domain Specific Pretrained Models To reduce time to market Azure Databricks Machine Learning VMs Popular Frameworks To build machine learning and deep learning solutions TensorFlowPyTorch ONNX Azure Machine Learning LanguageSpeech … SearchVision Productive Services To empower data science and development teams Powerful Hardware To accelerate deep learning Scikit-Learn PyCharm Jupyter Familiar Data Science Tools To simplify model development Visual Studio Code Command line CPU GPU FPGA From the Intelligent Cloud to the Intelligent Edge
  • 7. Building blocks for a Data Science Project Data sources
  • 8. What is automated machine learning? © Microsoft Corporation Automated machine learning (automated ML) automates feature engineering, algorithm and hyperparameter selection to find the best model for your data.
  • 9. Automated ML Mission Democratize AI Scale AIAccelerate AI © Microsoft Corporation Azure Enable automated building of machine learning with the goal of accelerating, democratizing and scaling AI Enable Domain Experts & Developers to get rapidly build AI solutions Improve Productivity for Data Scientists, Citizen Data Scientists, App Developers & Analysts Build AI solutions at scale in an automated fashion
  • 10. How much is this car worth? Machine Learning Problem Example
  • 11. Model Creation Is Typically Time-Consuming Mileage Condition Car brand Year of make Regulations … Parameter 1 Parameter 2 Parameter 3 Parameter 4 … Gradient Boosted Nearest Neighbors SVM Bayesian Regression LGBM … Mileage Gradient Boosted Criterion Loss Min Samples Split Min Samples Leaf Others Model Which algorithm? Which parameters?Which features? Car brand Year of make
  • 12. Criterion Loss Min Samples Split Min Samples Leaf Others N Neighbors Weights Metric P Others Which algorithm? Which parameters?Which features? Mileage Condition Car brand Year of make Regulations … Gradient Boosted Nearest Neighbors SVM Bayesian Regression LGBM … Nearest Neighbors Model Iterate Gradient BoostedMileage Car brand Year of make Car brand Year of make Condition Model Creation Is Typically Time-Consuming
  • 13. Which algorithm? Which parameters?Which features? Iterate Model Creation Is Typically Time-Consuming
  • 14. Enter data Define goals Apply constraints Output Automated ML Accelerates Model Development Input Intelligently test multiple models in parallel Optimized model
  • 15. Automated ML Capabilities • Based on Microsoft Research • Brain trained with several million experiments • Collaborative filtering and Bayesian optimization • Privacy preserving: No need to “see” the data
  • 16. Automated ML Capabilities • ML Scenarios: Classification & Regression, Forecasting • Languages: Python SDK for deployment and hosting for inference – Jupyter notebooks • Training Compute: Local Machine, AML Compute, Data Science Virtual Machine (DSVM), Azure Databricks* • Transparency: View run history, model metrics, explainability* • Scale: Faster model training using multiple cores and parallel experiments * In Preview
  • 17. Guardrails Class imbalance Train-Test split, CV, rolling CV Missing value imputation Detect high cardinality features Detect leaky features Detect overfitting Model Interpretability / Feature Importance
  • 18. About Azure ML Service and Azure Databricks
  • 19. + To empower data science and development teams Develop models faster with automated machine learning Use any Python environment and ML frameworks Manage models across the cloud and the edge. Prepare data clean data at massive scale Enable collaboration between data scientists and data engineers Access machine learning optimized clusters Azure Machine Learning Python-based machine learning service Azure Databricks Apache Spark-based big-data service
  • 20. Bring AI to everyone with an end-to-end, scalable, trusted platform Built with your needs in mind Support for open source frameworks Managed compute DevOps for machine learning Simple deployment Tool agnostic Python SDK Automated machine learning Seamlessly integrated with the Azure Portfolio Boost your data science productivity Increase your rate of experimentation Deploy and manage your models everywhere
  • 21. Fast, easy, and collaborative Apache Spark™-based analytics platform Built with your needs in mind Optimized Apache Spark environmnet Collaborative workspace Integration with Azure data services Autoscale and autoterminate Optimized for distributed processing Support for multiple languages and libraries Seamlessly integrated with the Azure Portfolio Increase productivity Build on a secure, trusted cloud Scale without limits
  • 22. Leverage your favorite deep learning frameworks AZURE ML SERVICE Increase your rate of experimentation Bring AI to the edge Deploy and manage your models everywhere TensorFlow MS Cognitive Toolkit PyTorch Scikit-Learn ONNX Caffe2 MXNet Chainer AZURE DATABRICKS Accelerate processing with the fastest Apache Spark engine Integrate natively with Azure services Access enterprise-grade Azure security
  • 23. What to use when? + Customer journey Data Prep Build and Train Manage and Deploy Apache Spark / Big Data Python ML developer Azure ML service (Pandas, NumPy etc. on AML Compute) Azure ML service (OSS frameworks, Hyperdrive, Pipelines, Automated ML, Model Registry) Azure ML service (containerize, deploy, inference and monitor) Azure ML service (containerize, deploy, inference and monitor) Azure Databricks (Apache Spark Dataframes, Datasets, Delta, Pandas, NumPy etc.) Azure Databricks + Azure ML service (Spark MLib and OSS frameworks + Automated ML, Model Registry)
  • 25. Latest announcements @ MS Build (Blog post with all the announcements) Feature engineering updates • Additional data guardrails and synthetic features • Added XGBoost algorithm • Improved transparency retrieving the engineered features © Microsoft Corporation Azure Coming up next • Improved feature sweeping, text featurization • Transparency: Get auto-featurized data
  • 26. Latest announcements @ MS Build (Blog post with all the announcements) Time Series Forecasting Generally Available • Rolling cross validation splits for time series data • Configurable lags • Window aggregation • Holiday featurizer © Microsoft Corporation Azure https://azure.microsoft.com/ en-us/blog/build-more- accurate-forecasts-with- new-capabilities-in- automated-machine- learning/
  • 27. Latest announcements @ MS Build (Blog post with all the announcements) Automated ML in ML.NET Model Builder (Preview) • Train ML models from Visual Studio • Inference from your application © Microsoft Corporation Azure ML.NET Model Builder
  • 28. Latest announcements @ MS Build (Blog post with all the announcements) ONNX support • Automated ML output ONNX format models • Inferencing support for C# apps via ONNX runtime environments (WinML, ML.Net, ONNX C# API), Cosmos pipelines © Microsoft Corporation Azure
  • 29. Latest announcements @ MS Build (Blog post with all the announcements) Run automated ML from SQL © Microsoft Corporation Azure Blog post
  • 30. Latest announcements @ MS Build (Blog post with all the announcements) Automated ML UI in Azure portal (Preview) • End-to-end no-code experience for non-data scientists to train ML models • Classification, Regression, Forecasting • Deploy models easily and quickly • Advanced settings for power users to tune the training job © Microsoft Corporation Azure Blog post Coming up next • Model explainability • Additional data sources (with Datasets) • Re-run experiments
  • 32. “Day 0” (First time) experience Create your first experiment with automated machine learning to produce quality models with zero effort Automate the process of algorithm selection, hyperparameter tuning, and best model selection with automated machine learning, and accelerate your productivity. Select your data and let automated ML do the rest to provide the best model from endless possible options
  • 33. Create a new automated machine learning experiment * Training compute  amlcompute-4a57de20b3f1 Next * Experiment name myfirstautomlexperiment Cancel Create new
  • 34. Create a new automated machine learning experiment * Training compute  Select existing… * Experiment name myfirstautomlexperiment Create new Select a file from Azure blob storage account Data Preview Data Profile Include in training Include in training Include in training Include in training Include in training Include in training Include in training Include in training Use first row as header Select a storage account and a container to view the files list mytestmlexperimentsto… automl-blob-d8b2d4df-…* Storage account * Container
  • 35. Include in training Include in training Include in training Include in training Include in training Include in training Include in training Include in training Data Preview Data Profile Training job settings: * Training job type  Classification * Target column  Freight cost * Primary metric  Accuracy Number of iterations: 100
  • 36. Include in training Include in training Include in training Include in training Include in training Include in training Include in training Include in training Data Preview Data Profile Training job settings: * Training job type  Classification * Target column  Freight cost * Primary metric  Accuracy Number of iterations: 100 Data Preview Data Profile Condensed view
  • 37. Training job settings: * Training job type  Classification * Target column  Freight cost * Primary metric  Accuracy Number of iterations: 100 StartCancel
  • 39. Automated machine learning dashboard # Running # Completed # Failed # Cancelled “Day 30” experience 0 5 10 15 Run status history (All) Cancelled Failed Completed Running All dates
  • 45. About Azure Databricks • Azure Databricks is a managed Spark offering on Azure and customers already use it for advanced analytics. • It provides a collaborative Notebook based environment with CPU or GPU based compute cluster.
  • 46. Azure Databricks Features • Customers who use Azure Databricks for advanced analytics can now use the same cluster to run experiments with or without automated machine learning. • You may keep the data within the same cluster. • You may leverage the local worker nodes with autoscale and auto termination capabilities. • You may use multiple cores of your Azure Databricks cluster to perform simultaneous training. • You may further tune the model generated by automated machine learning. • Every run (including the best run) is available as a pipeline, which you may tune further if needed. • The model trained using Azure Databricks can be registered in Azure ML SDK workspace and then deployed to Azure managed compute (ACI or AKS) using the Azure Machine learning SDK.
  • 48. How to Configure Azure Databricks https://docs.microsoft.com/en-us/azure/machine-learning/service/how-to-configure-environment#azure-databricks
  • 50. Deploy Azure ML models at scale Azure Machine Learning Service
  • 54. Try it for free http://aka.ms/amlfree Learn more : https://aka.ms/automatedmldocs Notebook Samples : https://aka.ms/automatedmlsamples Blog Post : https://aka.ms/AutomatedML Product Feedback : [email protected]