SlideShare a Scribd company logo
1 of 27
ยฉ 2019, Amazon Web Services, Inc. or its affiliates. All rights reserved.
Build, train and deploy Machine
Learning models at scale
Julien Simon
Global Evangelist, AI & Machine Learning
@julsimon
Put Machine Learning in the hands
of every developer and data scientist
Our mission
M L F R A M E W O R K S &
I N F R A S T R U C T U R E
The Amazon ML Stack: Broadest & Deepest Set of Capabilities
A I S E R V I C E S
R E K O G N I T I O N
I M A G E
P O L L Y T R A N S C R I B E T R A N S L A T E C O M P R E H E N D
C O M P R E H E N D
M E D I C A L
L E XR E K O G N I T I O N
V I D E O
Vision Speech Chatbots
A M A Z O N S A G E M A K E R
B U I L D T R A I N
F O R E C A S TT E X T R A C T P E R S O N A L I Z E
D E P L O Y
Pre-built algorithms & notebooks
Data labeling (G R O U N D T R U T H )
One-click model training & tuning
Optimization ( N E O )
One-click deployment & hosting
M L S E R V I C E S
F r a m e w o r k s I n t e r f a c e s I n f r a s t r u c t u r e
E C 2 P 3
& P 3 d n
E C 2 C 5 F P G A s G R E E N G R A S S E L A S T I C
I N F E R E N C E
Models without training data (REINFORCEMENT LEARNING)Algorithms & models ( A W S M A R K E T P L A C E )
Language Forecasting Recommendations
NEW NEWNEW
NEW
NEW
NEWNEW
NEW
NEW
Amazon SageMaker:
Build, Train, and Deploy ML Models at Scale
Collect and prepare
training data
Choose and optimize
your
ML algorithm
Train and
Tune ML Models
Set up and
manage
environments
for training
Deploy models
in production
Scale and manage
the production
environment
1
2
3
Machine learning cycle
Business
Problem
ML problem
framing
Data collection
Data integration
Data preparation
and cleaning
Data visualization
and analysis
Feature engineering
Model training and
parameter tuning
Model evaluation
Monitoring and
debugging
Model deployment
Predictions
Are business
goals
met?
YESNO
Dataaugmentation
Feature
augmentation
Re-training
Manage data on AWS
Business
Problem
ML problem
framing
Data collection
Data integration
Data preparation
and cleaning
Data visualization
and analysis
Feature engineering
Model training and
parameter tuning
Model evaluation
Monitoring and
debugging
Model deployment
Predictions
Are business
goals
met?
YESNO
Dataaugmentation
Feature
augmentation
Re-training
Build and train models using SageMaker
Business
Problem
ML problem
framing
Data collection
Data integration
Data preparation
and cleaning
Data visualization
and analysis
Feature engineering
Model training and
parameter tuning
Model evaluation
Monitoring and
debugging
Model deployment
Predictions
Are business
goals
met?
YESNO
Dataaugmentation
Feature
augmentation
Re-training
Deploy models using SageMaker
Business
Problem
ML problem
framing
Data collection
Data integration
Data preparation
and cleaning
Data visualization
and analysis
Feature engineering
Model training and
parameter tuning
Model evaluation
Monitoring and
debugging
Model deployment
Predictions
Are business
goals
met?
YESNO
Dataaugmentation
Feature
augmentation
Re-training
Amazon SageMaker
Fully managed
hosting with auto-
scaling
One-click
deployment
Pre-built
notebooks for
common
problems
Built-in, high-
performance
algorithms
and frameworks
One-click
training
Hyperparameter
optimization
DeployTrainBuild
Model compilation
Elastic inference
Inference pipelines
P3DN, C5N
TensorFlow on 256 GPUs
Resume HPO tuning job
New built-in algorithms
scikit-learn environment
Model marketplace
Search
Git integration
Elastic inference
Machine Learning Marketplace
ยฉ 2019, Amazon Web Services, Inc. or its affiliates. All rights reserved.
The Amazon SageMaker API
โ€ข Python SDK orchestrating all Amazon SageMaker activity
โ€ข High-level objects for algorithm selection, training, deploying,
automatic model tuning, etc.
โ€ข Spark SDK (Python & Scala)
โ€ข AWS CLI: โ€˜aws sagemakerโ€™
โ€ข AWS SDK: boto3, etc.
Model Training (on EC2)
Model Hosting (on EC2)
Trainingdata
Modelartifacts
Training code Helper code
Helper codeInference code
GroundTruth
Client application
Inference code
Training code
Inference requestInference response
Inference Endpoint
Training code
Factorization Machines
Linear Learner
Principal Component Analysis
K-Means Clustering
XGBoost
And more
Built-in Algorithms Bring Your Own ContainerBring Your Own Script
Model options
ยฉ 2019, Amazon Web Services, Inc. or its affiliates. All rights reserved.
Built-in algorithms
orange: supervised, yellow: unsupervised
Linear Learner: regression, classification Image Classification: Deep Learning (ResNet)
Factorization Machines: regression, classification,
recommendation
Object Detection (SSD): Deep Learning
(VGG or ResNet)
K-Nearest Neighbors: non-parametric regression and
classification
Neural Topic Model: topic modeling
XGBoost: regression, classification, ranking
https://github.com/dmlc/xgboost
Latent Dirichlet Allocation: topic modeling (mostly)
K-Means: clustering Blazing Text: GPU-based Word2Vec,
and text classification
Principal Component Analysis: dimensionality
reduction
Sequence to Sequence: machine translation, speech
to text and more
Random Cut Forest: anomaly detection DeepAR: time-series forecasting (RNN)
Object2Vec: general-purpose embedding IP Insights: usage patterns for IP addresses
Semantic Segmentation: Deep Learning
Demo:
Image classification with Caltech-256
https://gitlab.com/juliensimon/dlnotebooks/sagemaker/
ยฉ 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.
Blazing Text
https://dl.acm.org/citation.cfm?id=3146354
Demo:
Text Classification with BlazingText
https://github.com/awslabs/amazon-sagemaker-
examples/tree/master/introduction_to_amazon_algorithms/blazingtext_text_classification_dbpedia
XGBoost
โ€ข Open Source project
โ€ข Popular tree-based algorithm
for regression, classification
and ranking
โ€ข Builds a collection of trees.
โ€ข Handles missing values
and sparse data
โ€ข Supports distributed training
โ€ข Can work with data sets larger
than RAM
https://github.com/dmlc/xgboost
https://xgboost.readthedocs.io/en/latest/
https://arxiv.org/abs/1603.02754
Demo: XGBoost
AWS re:Invent 2018 workshop
https://gitlab.com/juliensimon/ent321
ยฉ 2019, Amazon Web Services, Inc. or its affiliates. All rights reserved.
Demo:
Keras/TensorFlow CNN on CIFAR-10
https://github.com/awslabs/amazon-sagemaker-examples/blob/master/sagemaker-python-
sdk/tensorflow_keras_cifar10/tensorflow_keras_CIFAR10.ipynb
Demo:
Sentiment analysis with Apache MXNet
https://github.com/awslabs/amazon-sagemaker-examples/blob/master/sagemaker-python-
sdk/mxnet_sentiment_analysis_with_gluon.ipynb
Amazon SageMaker
Fully managed
hosting with auto-
scaling
One-click
deployment
Pre-built
notebooks for
common
problems
Built-in, high-
performance
algorithms
and frameworks
One-click
training
Hyperparameter
optimization
Build Train Deploy
ยฉ 2018, Amazon Web Services, Inc. or Its Affiliates. All rights reserved.
Getting started
http://aws.amazon.com/free
https://ml.aws
https://aws.amazon.com/sagemaker
https://github.com/aws/sagemaker-python-sdk
https://github.com/aws/sagemaker-spark
https://github.com/awslabs/amazon-sagemaker-examples
https://gitlab.com/juliensimon/ent321
https://medium.com/@julsimon
https://gitlab.com/juliensimon/dlnotebooks
Thank you!
ยฉ 2019, Amazon Web Services, Inc. or its affiliates. All rights reserved.
Julien Simon
Global Evangelist, AI & Machine Learning
@julsimon
https://medium.com/@julsimon

More Related Content

What's hot

Machine Learning Model Deployment: Strategy to Implementation
Machine Learning Model Deployment: Strategy to ImplementationMachine Learning Model Deployment: Strategy to Implementation
Machine Learning Model Deployment: Strategy to ImplementationDataWorks Summit
ย 
IBM Cloud Artificial Intelligence : A Comprehensive Overview
IBM Cloud Artificial Intelligence : A Comprehensive OverviewIBM Cloud Artificial Intelligence : A Comprehensive Overview
IBM Cloud Artificial Intelligence : A Comprehensive OverviewSatyajit Panda
ย 
Generative AI for the rest of us
Generative AI for the rest of usGenerative AI for the rest of us
Generative AI for the rest of usMassimo Ferre'
ย 
The Future of AI is Generative not Discriminative 5/26/2021
The Future of AI is Generative not Discriminative 5/26/2021The Future of AI is Generative not Discriminative 5/26/2021
The Future of AI is Generative not Discriminative 5/26/2021Steve Omohundro
ย 
Unlocking the Power of Generative AI An Executive's Guide.pdf
Unlocking the Power of Generative AI An Executive's Guide.pdfUnlocking the Power of Generative AI An Executive's Guide.pdf
Unlocking the Power of Generative AI An Executive's Guide.pdfPremNaraindas1
ย 
Machine Learning with PyCarent + MLflow
Machine Learning with PyCarent + MLflowMachine Learning with PyCarent + MLflow
Machine Learning with PyCarent + MLflowDatabricks
ย 
Build an LLM-powered application using LangChain.pdf
Build an LLM-powered application using LangChain.pdfBuild an LLM-powered application using LangChain.pdf
Build an LLM-powered application using LangChain.pdfStephenAmell4
ย 
Unified Approach to Interpret Machine Learning Model: SHAP + LIME
Unified Approach to Interpret Machine Learning Model: SHAP + LIMEUnified Approach to Interpret Machine Learning Model: SHAP + LIME
Unified Approach to Interpret Machine Learning Model: SHAP + LIMEDatabricks
ย 
๐†๐ž๐ง๐ž๐ซ๐š๐ญ๐ข๐ฏ๐ž ๐€๐ˆ: ๐‚๐ก๐š๐ง๐ ๐ข๐ง๐  ๐‡๐จ๐ฐ ๐๐ฎ๐ฌ๐ข๐ง๐ž๐ฌ๐ฌ ๐ˆ๐ง๐ง๐จ๐ฏ๐š๐ญ๐ž๐ฌ ๐š๐ง๐ ๐Ž๐ฉ๐ž๐ซ๐š๐ญ๐ž๐ฌ
๐†๐ž๐ง๐ž๐ซ๐š๐ญ๐ข๐ฏ๐ž ๐€๐ˆ: ๐‚๐ก๐š๐ง๐ ๐ข๐ง๐  ๐‡๐จ๐ฐ ๐๐ฎ๐ฌ๐ข๐ง๐ž๐ฌ๐ฌ ๐ˆ๐ง๐ง๐จ๐ฏ๐š๐ญ๐ž๐ฌ ๐š๐ง๐ ๐Ž๐ฉ๐ž๐ซ๐š๐ญ๐ž๐ฌ๐†๐ž๐ง๐ž๐ซ๐š๐ญ๐ข๐ฏ๐ž ๐€๐ˆ: ๐‚๐ก๐š๐ง๐ ๐ข๐ง๐  ๐‡๐จ๐ฐ ๐๐ฎ๐ฌ๐ข๐ง๐ž๐ฌ๐ฌ ๐ˆ๐ง๐ง๐จ๐ฏ๐š๐ญ๐ž๐ฌ ๐š๐ง๐ ๐Ž๐ฉ๐ž๐ซ๐š๐ญ๐ž๐ฌ
๐†๐ž๐ง๐ž๐ซ๐š๐ญ๐ข๐ฏ๐ž ๐€๐ˆ: ๐‚๐ก๐š๐ง๐ ๐ข๐ง๐  ๐‡๐จ๐ฐ ๐๐ฎ๐ฌ๐ข๐ง๐ž๐ฌ๐ฌ ๐ˆ๐ง๐ง๐จ๐ฏ๐š๐ญ๐ž๐ฌ ๐š๐ง๐ ๐Ž๐ฉ๐ž๐ซ๐š๐ญ๐ž๐ฌVINCI Digital - Industrial IoT (IIoT) Strategic Advisory
ย 
Azure ML Studio
Azure ML StudioAzure ML Studio
Azure ML StudioVikas Sinha
ย 
Introduction to LLMs
Introduction to LLMsIntroduction to LLMs
Introduction to LLMsLoic Merckel
ย 
GenerativeAI and Automation - IEEE ACSOS 2023.pptx
GenerativeAI and Automation - IEEE ACSOS 2023.pptxGenerativeAI and Automation - IEEE ACSOS 2023.pptx
GenerativeAI and Automation - IEEE ACSOS 2023.pptxAllen Chan
ย 
Generative models
Generative modelsGenerative models
Generative modelsBirger Moell
ย 
How Does Generative AI Actually Work? (a quick semi-technical introduction to...
How Does Generative AI Actually Work? (a quick semi-technical introduction to...How Does Generative AI Actually Work? (a quick semi-technical introduction to...
How Does Generative AI Actually Work? (a quick semi-technical introduction to...ssuser4edc93
ย 
Large Language Models Bootcamp
Large Language Models BootcampLarge Language Models Bootcamp
Large Language Models BootcampData Science Dojo
ย 
ML-Ops how to bring your data science to production
ML-Ops  how to bring your data science to productionML-Ops  how to bring your data science to production
ML-Ops how to bring your data science to productionHerman Wu
ย 
Generative AI: Past, Present, and Future โ€“ A Practitioner's Perspective
Generative AI: Past, Present, and Future โ€“ A Practitioner's PerspectiveGenerative AI: Past, Present, and Future โ€“ A Practitioner's Perspective
Generative AI: Past, Present, and Future โ€“ A Practitioner's PerspectiveHuahai Yang
ย 
Automated Machine Learning (Auto ML)
Automated Machine Learning (Auto ML)Automated Machine Learning (Auto ML)
Automated Machine Learning (Auto ML)Hayim Makabee
ย 
Automated Machine Learning
Automated Machine LearningAutomated Machine Learning
Automated Machine LearningYuriy Guts
ย 

What's hot (20)

Machine Learning Model Deployment: Strategy to Implementation
Machine Learning Model Deployment: Strategy to ImplementationMachine Learning Model Deployment: Strategy to Implementation
Machine Learning Model Deployment: Strategy to Implementation
ย 
IBM Cloud Artificial Intelligence : A Comprehensive Overview
IBM Cloud Artificial Intelligence : A Comprehensive OverviewIBM Cloud Artificial Intelligence : A Comprehensive Overview
IBM Cloud Artificial Intelligence : A Comprehensive Overview
ย 
Generative AI for the rest of us
Generative AI for the rest of usGenerative AI for the rest of us
Generative AI for the rest of us
ย 
The Future of AI is Generative not Discriminative 5/26/2021
The Future of AI is Generative not Discriminative 5/26/2021The Future of AI is Generative not Discriminative 5/26/2021
The Future of AI is Generative not Discriminative 5/26/2021
ย 
Unlocking the Power of Generative AI An Executive's Guide.pdf
Unlocking the Power of Generative AI An Executive's Guide.pdfUnlocking the Power of Generative AI An Executive's Guide.pdf
Unlocking the Power of Generative AI An Executive's Guide.pdf
ย 
Machine Learning with PyCarent + MLflow
Machine Learning with PyCarent + MLflowMachine Learning with PyCarent + MLflow
Machine Learning with PyCarent + MLflow
ย 
Build an LLM-powered application using LangChain.pdf
Build an LLM-powered application using LangChain.pdfBuild an LLM-powered application using LangChain.pdf
Build an LLM-powered application using LangChain.pdf
ย 
Unified Approach to Interpret Machine Learning Model: SHAP + LIME
Unified Approach to Interpret Machine Learning Model: SHAP + LIMEUnified Approach to Interpret Machine Learning Model: SHAP + LIME
Unified Approach to Interpret Machine Learning Model: SHAP + LIME
ย 
๐†๐ž๐ง๐ž๐ซ๐š๐ญ๐ข๐ฏ๐ž ๐€๐ˆ: ๐‚๐ก๐š๐ง๐ ๐ข๐ง๐  ๐‡๐จ๐ฐ ๐๐ฎ๐ฌ๐ข๐ง๐ž๐ฌ๐ฌ ๐ˆ๐ง๐ง๐จ๐ฏ๐š๐ญ๐ž๐ฌ ๐š๐ง๐ ๐Ž๐ฉ๐ž๐ซ๐š๐ญ๐ž๐ฌ
๐†๐ž๐ง๐ž๐ซ๐š๐ญ๐ข๐ฏ๐ž ๐€๐ˆ: ๐‚๐ก๐š๐ง๐ ๐ข๐ง๐  ๐‡๐จ๐ฐ ๐๐ฎ๐ฌ๐ข๐ง๐ž๐ฌ๐ฌ ๐ˆ๐ง๐ง๐จ๐ฏ๐š๐ญ๐ž๐ฌ ๐š๐ง๐ ๐Ž๐ฉ๐ž๐ซ๐š๐ญ๐ž๐ฌ๐†๐ž๐ง๐ž๐ซ๐š๐ญ๐ข๐ฏ๐ž ๐€๐ˆ: ๐‚๐ก๐š๐ง๐ ๐ข๐ง๐  ๐‡๐จ๐ฐ ๐๐ฎ๐ฌ๐ข๐ง๐ž๐ฌ๐ฌ ๐ˆ๐ง๐ง๐จ๐ฏ๐š๐ญ๐ž๐ฌ ๐š๐ง๐ ๐Ž๐ฉ๐ž๐ซ๐š๐ญ๐ž๐ฌ
๐†๐ž๐ง๐ž๐ซ๐š๐ญ๐ข๐ฏ๐ž ๐€๐ˆ: ๐‚๐ก๐š๐ง๐ ๐ข๐ง๐  ๐‡๐จ๐ฐ ๐๐ฎ๐ฌ๐ข๐ง๐ž๐ฌ๐ฌ ๐ˆ๐ง๐ง๐จ๐ฏ๐š๐ญ๐ž๐ฌ ๐š๐ง๐ ๐Ž๐ฉ๐ž๐ซ๐š๐ญ๐ž๐ฌ
ย 
Azure ML Studio
Azure ML StudioAzure ML Studio
Azure ML Studio
ย 
Introduction to LLMs
Introduction to LLMsIntroduction to LLMs
Introduction to LLMs
ย 
GenerativeAI and Automation - IEEE ACSOS 2023.pptx
GenerativeAI and Automation - IEEE ACSOS 2023.pptxGenerativeAI and Automation - IEEE ACSOS 2023.pptx
GenerativeAI and Automation - IEEE ACSOS 2023.pptx
ย 
Generative models
Generative modelsGenerative models
Generative models
ย 
How Does Generative AI Actually Work? (a quick semi-technical introduction to...
How Does Generative AI Actually Work? (a quick semi-technical introduction to...How Does Generative AI Actually Work? (a quick semi-technical introduction to...
How Does Generative AI Actually Work? (a quick semi-technical introduction to...
ย 
Large Language Models Bootcamp
Large Language Models BootcampLarge Language Models Bootcamp
Large Language Models Bootcamp
ย 
ML-Ops how to bring your data science to production
ML-Ops  how to bring your data science to productionML-Ops  how to bring your data science to production
ML-Ops how to bring your data science to production
ย 
Generative AI: Past, Present, and Future โ€“ A Practitioner's Perspective
Generative AI: Past, Present, and Future โ€“ A Practitioner's PerspectiveGenerative AI: Past, Present, and Future โ€“ A Practitioner's Perspective
Generative AI: Past, Present, and Future โ€“ A Practitioner's Perspective
ย 
Generative AI
Generative AIGenerative AI
Generative AI
ย 
Automated Machine Learning (Auto ML)
Automated Machine Learning (Auto ML)Automated Machine Learning (Auto ML)
Automated Machine Learning (Auto ML)
ย 
Automated Machine Learning
Automated Machine LearningAutomated Machine Learning
Automated Machine Learning
ย 

Similar to Build, train, and deploy ML models at scale.pdf

Build, Train and Deploy Machine Learning Models at Scale (April 2019)
Build, Train and Deploy Machine Learning Models at Scale (April 2019)Build, Train and Deploy Machine Learning Models at Scale (April 2019)
Build, Train and Deploy Machine Learning Models at Scale (April 2019)Julien SIMON
ย 
Build Machine Learning Models with Amazon SageMaker (April 2019)
Build Machine Learning Models with Amazon SageMaker (April 2019)Build Machine Learning Models with Amazon SageMaker (April 2019)
Build Machine Learning Models with Amazon SageMaker (April 2019)Julien SIMON
ย 
Sviluppa, addestra e distribuisci modelli di machine learning.pdf
Sviluppa, addestra e distribuisci modelli di machine learning.pdfSviluppa, addestra e distribuisci modelli di machine learning.pdf
Sviluppa, addestra e distribuisci modelli di machine learning.pdfAmazon Web Services
ย 
Build, Train, and Deploy ML Models at Scale
Build, Train, and Deploy ML Models at ScaleBuild, Train, and Deploy ML Models at Scale
Build, Train, and Deploy ML Models at ScaleAmazon Web Services
ย 
Unleash the Power of ML with AWS | AWS Summit Tel Aviv 2019
Unleash the Power of ML with AWS | AWS Summit Tel Aviv 2019Unleash the Power of ML with AWS | AWS Summit Tel Aviv 2019
Unleash the Power of ML with AWS | AWS Summit Tel Aviv 2019AWS Summits
ย 
Unleash the Power of ML with AWS | AWS Summit Tel Aviv 2019
Unleash the Power of ML with AWS | AWS Summit Tel Aviv 2019Unleash the Power of ML with AWS | AWS Summit Tel Aviv 2019
Unleash the Power of ML with AWS | AWS Summit Tel Aviv 2019Amazon Web Services
ย 
Deep Dive Amazon SageMaker
Deep Dive Amazon SageMakerDeep Dive Amazon SageMaker
Deep Dive Amazon SageMakerCobus Bernard
ย 
Build-Train-Deploy-Machine-Learning-Models-at-Any-Scale
Build-Train-Deploy-Machine-Learning-Models-at-Any-ScaleBuild-Train-Deploy-Machine-Learning-Models-at-Any-Scale
Build-Train-Deploy-Machine-Learning-Models-at-Any-ScaleAmazon Web Services
ย 
Drive Digital Transformation using Machine Learning
Drive Digital Transformation using Machine LearningDrive Digital Transformation using Machine Learning
Drive Digital Transformation using Machine LearningAmazon Web Services
ย 
Integrating Amazon SageMaker into your Enterprise - AWS Online Tech Talks
Integrating Amazon SageMaker into your Enterprise - AWS Online Tech TalksIntegrating Amazon SageMaker into your Enterprise - AWS Online Tech Talks
Integrating Amazon SageMaker into your Enterprise - AWS Online Tech TalksAmazon Web Services
ย 
ML Centrepiece for Digital Transformation
ML Centrepiece for Digital TransformationML Centrepiece for Digital Transformation
ML Centrepiece for Digital TransformationAmazon Web Services
ย 
From notebook to production with Amazon Sagemaker
From notebook to production with Amazon SagemakerFrom notebook to production with Amazon Sagemaker
From notebook to production with Amazon SagemakerAmazon Web Services
ย 
Amazon SageMaker ๊ธฐ๋ฐ˜ ๊ณ ํ’ˆ์งˆ ๋ฐ์ดํ„ฐ ์ƒ์„ฑ ๋ฐ ์‹ฌํ™” ๊ธฐ๊ณ„ํ•™์Šต ๊ธฐ๋ฒ• - ๊น€ํ•„ํ˜ธ ์†”๋ฃจ์…˜์ฆˆ ์•„ํ‚คํ…ํŠธ, AWS / ๊ฐ•์ •ํฌ ์†”๋ฃจ์…˜์ฆˆ ์•„...
Amazon SageMaker ๊ธฐ๋ฐ˜ ๊ณ ํ’ˆ์งˆ ๋ฐ์ดํ„ฐ ์ƒ์„ฑ ๋ฐ ์‹ฌํ™” ๊ธฐ๊ณ„ํ•™์Šต ๊ธฐ๋ฒ• - ๊น€ํ•„ํ˜ธ ์†”๋ฃจ์…˜์ฆˆ ์•„ํ‚คํ…ํŠธ, AWS / ๊ฐ•์ •ํฌ ์†”๋ฃจ์…˜์ฆˆ ์•„...Amazon SageMaker ๊ธฐ๋ฐ˜ ๊ณ ํ’ˆ์งˆ ๋ฐ์ดํ„ฐ ์ƒ์„ฑ ๋ฐ ์‹ฌํ™” ๊ธฐ๊ณ„ํ•™์Šต ๊ธฐ๋ฒ• - ๊น€ํ•„ํ˜ธ ์†”๋ฃจ์…˜์ฆˆ ์•„ํ‚คํ…ํŠธ, AWS / ๊ฐ•์ •ํฌ ์†”๋ฃจ์…˜์ฆˆ ์•„...
Amazon SageMaker ๊ธฐ๋ฐ˜ ๊ณ ํ’ˆ์งˆ ๋ฐ์ดํ„ฐ ์ƒ์„ฑ ๋ฐ ์‹ฌํ™” ๊ธฐ๊ณ„ํ•™์Šต ๊ธฐ๋ฒ• - ๊น€ํ•„ํ˜ธ ์†”๋ฃจ์…˜์ฆˆ ์•„ํ‚คํ…ํŠธ, AWS / ๊ฐ•์ •ํฌ ์†”๋ฃจ์…˜์ฆˆ ์•„...Amazon Web Services Korea
ย 
Deep Learning con TensorFlow and Apache MXNet su Amazon SageMaker
Deep Learning con TensorFlow and Apache MXNet su Amazon SageMakerDeep Learning con TensorFlow and Apache MXNet su Amazon SageMaker
Deep Learning con TensorFlow and Apache MXNet su Amazon SageMakerAmazon Web Services
ย 
Scale - Amazon SageMaker Deep Dive for Builders
Scale - Amazon SageMaker Deep Dive for BuildersScale - Amazon SageMaker Deep Dive for Builders
Scale - Amazon SageMaker Deep Dive for BuildersAmazon Web Services
ย 
Deep Learning with TensorFlow and Apache MXNet on Amazon SageMaker (March 2019)
Deep Learning with TensorFlow and Apache MXNet on Amazon SageMaker (March 2019)Deep Learning with TensorFlow and Apache MXNet on Amazon SageMaker (March 2019)
Deep Learning with TensorFlow and Apache MXNet on Amazon SageMaker (March 2019)Julien SIMON
ย 
Build in 2019 ๅปบ็ซ‹ๅˆ†ไฝˆๅผใ€้–‹ๆ”พๅผใ€ๆ•ธๆ“šไธญๅฟƒ็š„ไบบๅทฅๆ™บๆ…งๆ•ธๆ“š้ฉ…ๅ‹•ๅนณๅฐ
Build in 2019 ๅปบ็ซ‹ๅˆ†ไฝˆๅผใ€้–‹ๆ”พๅผใ€ๆ•ธๆ“šไธญๅฟƒ็š„ไบบๅทฅๆ™บๆ…งๆ•ธๆ“š้ฉ…ๅ‹•ๅนณๅฐBuild in 2019 ๅปบ็ซ‹ๅˆ†ไฝˆๅผใ€้–‹ๆ”พๅผใ€ๆ•ธๆ“šไธญๅฟƒ็š„ไบบๅทฅๆ™บๆ…งๆ•ธๆ“š้ฉ…ๅ‹•ๅนณๅฐ
Build in 2019 ๅปบ็ซ‹ๅˆ†ไฝˆๅผใ€้–‹ๆ”พๅผใ€ๆ•ธๆ“šไธญๅฟƒ็š„ไบบๅทฅๆ™บๆ…งๆ•ธๆ“š้ฉ…ๅ‹•ๅนณๅฐAmazon Web Services
ย 
Webinar: Ask the Experts - AIML (Espaรฑol)
Webinar: Ask the Experts - AIML (Espaรฑol)Webinar: Ask the Experts - AIML (Espaรฑol)
Webinar: Ask the Experts - AIML (Espaรฑol)Amazon Web Services LATAM
ย 
Build an AI Virtual Concierge - AWS Summit Sydney
Build an AI Virtual Concierge - AWS Summit SydneyBuild an AI Virtual Concierge - AWS Summit Sydney
Build an AI Virtual Concierge - AWS Summit SydneyAmazon Web Services
ย 

Similar to Build, train, and deploy ML models at scale.pdf (20)

Build, Train and Deploy Machine Learning Models at Scale (April 2019)
Build, Train and Deploy Machine Learning Models at Scale (April 2019)Build, Train and Deploy Machine Learning Models at Scale (April 2019)
Build, Train and Deploy Machine Learning Models at Scale (April 2019)
ย 
Build Machine Learning Models with Amazon SageMaker (April 2019)
Build Machine Learning Models with Amazon SageMaker (April 2019)Build Machine Learning Models with Amazon SageMaker (April 2019)
Build Machine Learning Models with Amazon SageMaker (April 2019)
ย 
Sviluppa, addestra e distribuisci modelli di machine learning.pdf
Sviluppa, addestra e distribuisci modelli di machine learning.pdfSviluppa, addestra e distribuisci modelli di machine learning.pdf
Sviluppa, addestra e distribuisci modelli di machine learning.pdf
ย 
Build, Train, and Deploy ML Models at Scale
Build, Train, and Deploy ML Models at ScaleBuild, Train, and Deploy ML Models at Scale
Build, Train, and Deploy ML Models at Scale
ย 
Unleash the Power of ML with AWS | AWS Summit Tel Aviv 2019
Unleash the Power of ML with AWS | AWS Summit Tel Aviv 2019Unleash the Power of ML with AWS | AWS Summit Tel Aviv 2019
Unleash the Power of ML with AWS | AWS Summit Tel Aviv 2019
ย 
Unleash the Power of ML with AWS | AWS Summit Tel Aviv 2019
Unleash the Power of ML with AWS | AWS Summit Tel Aviv 2019Unleash the Power of ML with AWS | AWS Summit Tel Aviv 2019
Unleash the Power of ML with AWS | AWS Summit Tel Aviv 2019
ย 
Deep Dive Amazon SageMaker
Deep Dive Amazon SageMakerDeep Dive Amazon SageMaker
Deep Dive Amazon SageMaker
ย 
Build-Train-Deploy-Machine-Learning-Models-at-Any-Scale
Build-Train-Deploy-Machine-Learning-Models-at-Any-ScaleBuild-Train-Deploy-Machine-Learning-Models-at-Any-Scale
Build-Train-Deploy-Machine-Learning-Models-at-Any-Scale
ย 
Drive Digital Transformation using Machine Learning
Drive Digital Transformation using Machine LearningDrive Digital Transformation using Machine Learning
Drive Digital Transformation using Machine Learning
ย 
Integrating Amazon SageMaker into your Enterprise - AWS Online Tech Talks
Integrating Amazon SageMaker into your Enterprise - AWS Online Tech TalksIntegrating Amazon SageMaker into your Enterprise - AWS Online Tech Talks
Integrating Amazon SageMaker into your Enterprise - AWS Online Tech Talks
ย 
ML Centrepiece for Digital Transformation
ML Centrepiece for Digital TransformationML Centrepiece for Digital Transformation
ML Centrepiece for Digital Transformation
ย 
From notebook to production with Amazon Sagemaker
From notebook to production with Amazon SagemakerFrom notebook to production with Amazon Sagemaker
From notebook to production with Amazon Sagemaker
ย 
Amazon SageMaker ๊ธฐ๋ฐ˜ ๊ณ ํ’ˆ์งˆ ๋ฐ์ดํ„ฐ ์ƒ์„ฑ ๋ฐ ์‹ฌํ™” ๊ธฐ๊ณ„ํ•™์Šต ๊ธฐ๋ฒ• - ๊น€ํ•„ํ˜ธ ์†”๋ฃจ์…˜์ฆˆ ์•„ํ‚คํ…ํŠธ, AWS / ๊ฐ•์ •ํฌ ์†”๋ฃจ์…˜์ฆˆ ์•„...
Amazon SageMaker ๊ธฐ๋ฐ˜ ๊ณ ํ’ˆ์งˆ ๋ฐ์ดํ„ฐ ์ƒ์„ฑ ๋ฐ ์‹ฌํ™” ๊ธฐ๊ณ„ํ•™์Šต ๊ธฐ๋ฒ• - ๊น€ํ•„ํ˜ธ ์†”๋ฃจ์…˜์ฆˆ ์•„ํ‚คํ…ํŠธ, AWS / ๊ฐ•์ •ํฌ ์†”๋ฃจ์…˜์ฆˆ ์•„...Amazon SageMaker ๊ธฐ๋ฐ˜ ๊ณ ํ’ˆ์งˆ ๋ฐ์ดํ„ฐ ์ƒ์„ฑ ๋ฐ ์‹ฌํ™” ๊ธฐ๊ณ„ํ•™์Šต ๊ธฐ๋ฒ• - ๊น€ํ•„ํ˜ธ ์†”๋ฃจ์…˜์ฆˆ ์•„ํ‚คํ…ํŠธ, AWS / ๊ฐ•์ •ํฌ ์†”๋ฃจ์…˜์ฆˆ ์•„...
Amazon SageMaker ๊ธฐ๋ฐ˜ ๊ณ ํ’ˆ์งˆ ๋ฐ์ดํ„ฐ ์ƒ์„ฑ ๋ฐ ์‹ฌํ™” ๊ธฐ๊ณ„ํ•™์Šต ๊ธฐ๋ฒ• - ๊น€ํ•„ํ˜ธ ์†”๋ฃจ์…˜์ฆˆ ์•„ํ‚คํ…ํŠธ, AWS / ๊ฐ•์ •ํฌ ์†”๋ฃจ์…˜์ฆˆ ์•„...
ย 
Deep Learning con TensorFlow and Apache MXNet su Amazon SageMaker
Deep Learning con TensorFlow and Apache MXNet su Amazon SageMakerDeep Learning con TensorFlow and Apache MXNet su Amazon SageMaker
Deep Learning con TensorFlow and Apache MXNet su Amazon SageMaker
ย 
Scale - Amazon SageMaker Deep Dive for Builders
Scale - Amazon SageMaker Deep Dive for BuildersScale - Amazon SageMaker Deep Dive for Builders
Scale - Amazon SageMaker Deep Dive for Builders
ย 
Deep Learning with TensorFlow and Apache MXNet on Amazon SageMaker (March 2019)
Deep Learning with TensorFlow and Apache MXNet on Amazon SageMaker (March 2019)Deep Learning with TensorFlow and Apache MXNet on Amazon SageMaker (March 2019)
Deep Learning with TensorFlow and Apache MXNet on Amazon SageMaker (March 2019)
ย 
Amazon SageMaker
Amazon SageMakerAmazon SageMaker
Amazon SageMaker
ย 
Build in 2019 ๅปบ็ซ‹ๅˆ†ไฝˆๅผใ€้–‹ๆ”พๅผใ€ๆ•ธๆ“šไธญๅฟƒ็š„ไบบๅทฅๆ™บๆ…งๆ•ธๆ“š้ฉ…ๅ‹•ๅนณๅฐ
Build in 2019 ๅปบ็ซ‹ๅˆ†ไฝˆๅผใ€้–‹ๆ”พๅผใ€ๆ•ธๆ“šไธญๅฟƒ็š„ไบบๅทฅๆ™บๆ…งๆ•ธๆ“š้ฉ…ๅ‹•ๅนณๅฐBuild in 2019 ๅปบ็ซ‹ๅˆ†ไฝˆๅผใ€้–‹ๆ”พๅผใ€ๆ•ธๆ“šไธญๅฟƒ็š„ไบบๅทฅๆ™บๆ…งๆ•ธๆ“š้ฉ…ๅ‹•ๅนณๅฐ
Build in 2019 ๅปบ็ซ‹ๅˆ†ไฝˆๅผใ€้–‹ๆ”พๅผใ€ๆ•ธๆ“šไธญๅฟƒ็š„ไบบๅทฅๆ™บๆ…งๆ•ธๆ“š้ฉ…ๅ‹•ๅนณๅฐ
ย 
Webinar: Ask the Experts - AIML (Espaรฑol)
Webinar: Ask the Experts - AIML (Espaรฑol)Webinar: Ask the Experts - AIML (Espaรฑol)
Webinar: Ask the Experts - AIML (Espaรฑol)
ย 
Build an AI Virtual Concierge - AWS Summit Sydney
Build an AI Virtual Concierge - AWS Summit SydneyBuild an AI Virtual Concierge - AWS Summit Sydney
Build an AI Virtual Concierge - AWS Summit Sydney
ย 

More from Amazon Web Services

Come costruire servizi di Forecasting sfruttando algoritmi di ML e deep learn...
Come costruire servizi di Forecasting sfruttando algoritmi di ML e deep learn...Come costruire servizi di Forecasting sfruttando algoritmi di ML e deep learn...
Come costruire servizi di Forecasting sfruttando algoritmi di ML e deep learn...Amazon Web Services
ย 
Big Data per le Startup: come creare applicazioni Big Data in modalitร  Server...
Big Data per le Startup: come creare applicazioni Big Data in modalitร  Server...Big Data per le Startup: come creare applicazioni Big Data in modalitร  Server...
Big Data per le Startup: come creare applicazioni Big Data in modalitร  Server...Amazon Web Services
ย 
Esegui pod serverless con Amazon EKS e AWS Fargate
Esegui pod serverless con Amazon EKS e AWS FargateEsegui pod serverless con Amazon EKS e AWS Fargate
Esegui pod serverless con Amazon EKS e AWS FargateAmazon Web Services
ย 
Costruire Applicazioni Moderne con AWS
Costruire Applicazioni Moderne con AWSCostruire Applicazioni Moderne con AWS
Costruire Applicazioni Moderne con AWSAmazon Web Services
ย 
Come spendere fino al 90% in meno con i container e le istanze spot
Come spendere fino al 90% in meno con i container e le istanze spot Come spendere fino al 90% in meno con i container e le istanze spot
Come spendere fino al 90% in meno con i container e le istanze spot Amazon Web Services
ย 
Open banking as a service
Open banking as a serviceOpen banking as a service
Open banking as a serviceAmazon Web Services
ย 
Rendi unica lโ€™offerta della tua startup sul mercato con i servizi Machine Lea...
Rendi unica lโ€™offerta della tua startup sul mercato con i servizi Machine Lea...Rendi unica lโ€™offerta della tua startup sul mercato con i servizi Machine Lea...
Rendi unica lโ€™offerta della tua startup sul mercato con i servizi Machine Lea...Amazon Web Services
ย 
OpsWorks Configuration Management: automatizza la gestione e i deployment del...
OpsWorks Configuration Management: automatizza la gestione e i deployment del...OpsWorks Configuration Management: automatizza la gestione e i deployment del...
OpsWorks Configuration Management: automatizza la gestione e i deployment del...Amazon Web Services
ย 
Microsoft Active Directory su AWS per supportare i tuoi Windows Workloads
Microsoft Active Directory su AWS per supportare i tuoi Windows WorkloadsMicrosoft Active Directory su AWS per supportare i tuoi Windows Workloads
Microsoft Active Directory su AWS per supportare i tuoi Windows WorkloadsAmazon Web Services
ย 
Computer Vision con AWS
Computer Vision con AWSComputer Vision con AWS
Computer Vision con AWSAmazon Web Services
ย 
Database Oracle e VMware Cloud on AWS i miti da sfatare
Database Oracle e VMware Cloud on AWS i miti da sfatareDatabase Oracle e VMware Cloud on AWS i miti da sfatare
Database Oracle e VMware Cloud on AWS i miti da sfatareAmazon Web Services
ย 
Crea la tua prima serverless ledger-based app con QLDB e NodeJS
Crea la tua prima serverless ledger-based app con QLDB e NodeJSCrea la tua prima serverless ledger-based app con QLDB e NodeJS
Crea la tua prima serverless ledger-based app con QLDB e NodeJSAmazon Web Services
ย 
API moderne real-time per applicazioni mobili e web
API moderne real-time per applicazioni mobili e webAPI moderne real-time per applicazioni mobili e web
API moderne real-time per applicazioni mobili e webAmazon Web Services
ย 
Database Oracle e VMware Cloudโ„ข on AWS: i miti da sfatare
Database Oracle e VMware Cloudโ„ข on AWS: i miti da sfatareDatabase Oracle e VMware Cloudโ„ข on AWS: i miti da sfatare
Database Oracle e VMware Cloudโ„ข on AWS: i miti da sfatareAmazon Web Services
ย 
Tools for building your MVP on AWS
Tools for building your MVP on AWSTools for building your MVP on AWS
Tools for building your MVP on AWSAmazon Web Services
ย 
How to Build a Winning Pitch Deck
How to Build a Winning Pitch DeckHow to Build a Winning Pitch Deck
How to Build a Winning Pitch DeckAmazon Web Services
ย 
Building a web application without servers
Building a web application without serversBuilding a web application without servers
Building a web application without serversAmazon Web Services
ย 
AWS_HK_StartupDay_Building Interactive websites while automating for efficien...
AWS_HK_StartupDay_Building Interactive websites while automating for efficien...AWS_HK_StartupDay_Building Interactive websites while automating for efficien...
AWS_HK_StartupDay_Building Interactive websites while automating for efficien...Amazon Web Services
ย 
Introduzione a Amazon Elastic Container Service
Introduzione a Amazon Elastic Container ServiceIntroduzione a Amazon Elastic Container Service
Introduzione a Amazon Elastic Container ServiceAmazon Web Services
ย 

More from Amazon Web Services (20)

Come costruire servizi di Forecasting sfruttando algoritmi di ML e deep learn...
Come costruire servizi di Forecasting sfruttando algoritmi di ML e deep learn...Come costruire servizi di Forecasting sfruttando algoritmi di ML e deep learn...
Come costruire servizi di Forecasting sfruttando algoritmi di ML e deep learn...
ย 
Big Data per le Startup: come creare applicazioni Big Data in modalitร  Server...
Big Data per le Startup: come creare applicazioni Big Data in modalitร  Server...Big Data per le Startup: come creare applicazioni Big Data in modalitร  Server...
Big Data per le Startup: come creare applicazioni Big Data in modalitร  Server...
ย 
Esegui pod serverless con Amazon EKS e AWS Fargate
Esegui pod serverless con Amazon EKS e AWS FargateEsegui pod serverless con Amazon EKS e AWS Fargate
Esegui pod serverless con Amazon EKS e AWS Fargate
ย 
Costruire Applicazioni Moderne con AWS
Costruire Applicazioni Moderne con AWSCostruire Applicazioni Moderne con AWS
Costruire Applicazioni Moderne con AWS
ย 
Come spendere fino al 90% in meno con i container e le istanze spot
Come spendere fino al 90% in meno con i container e le istanze spot Come spendere fino al 90% in meno con i container e le istanze spot
Come spendere fino al 90% in meno con i container e le istanze spot
ย 
Open banking as a service
Open banking as a serviceOpen banking as a service
Open banking as a service
ย 
Rendi unica lโ€™offerta della tua startup sul mercato con i servizi Machine Lea...
Rendi unica lโ€™offerta della tua startup sul mercato con i servizi Machine Lea...Rendi unica lโ€™offerta della tua startup sul mercato con i servizi Machine Lea...
Rendi unica lโ€™offerta della tua startup sul mercato con i servizi Machine Lea...
ย 
OpsWorks Configuration Management: automatizza la gestione e i deployment del...
OpsWorks Configuration Management: automatizza la gestione e i deployment del...OpsWorks Configuration Management: automatizza la gestione e i deployment del...
OpsWorks Configuration Management: automatizza la gestione e i deployment del...
ย 
Microsoft Active Directory su AWS per supportare i tuoi Windows Workloads
Microsoft Active Directory su AWS per supportare i tuoi Windows WorkloadsMicrosoft Active Directory su AWS per supportare i tuoi Windows Workloads
Microsoft Active Directory su AWS per supportare i tuoi Windows Workloads
ย 
Computer Vision con AWS
Computer Vision con AWSComputer Vision con AWS
Computer Vision con AWS
ย 
Database Oracle e VMware Cloud on AWS i miti da sfatare
Database Oracle e VMware Cloud on AWS i miti da sfatareDatabase Oracle e VMware Cloud on AWS i miti da sfatare
Database Oracle e VMware Cloud on AWS i miti da sfatare
ย 
Crea la tua prima serverless ledger-based app con QLDB e NodeJS
Crea la tua prima serverless ledger-based app con QLDB e NodeJSCrea la tua prima serverless ledger-based app con QLDB e NodeJS
Crea la tua prima serverless ledger-based app con QLDB e NodeJS
ย 
API moderne real-time per applicazioni mobili e web
API moderne real-time per applicazioni mobili e webAPI moderne real-time per applicazioni mobili e web
API moderne real-time per applicazioni mobili e web
ย 
Database Oracle e VMware Cloudโ„ข on AWS: i miti da sfatare
Database Oracle e VMware Cloudโ„ข on AWS: i miti da sfatareDatabase Oracle e VMware Cloudโ„ข on AWS: i miti da sfatare
Database Oracle e VMware Cloudโ„ข on AWS: i miti da sfatare
ย 
Tools for building your MVP on AWS
Tools for building your MVP on AWSTools for building your MVP on AWS
Tools for building your MVP on AWS
ย 
How to Build a Winning Pitch Deck
How to Build a Winning Pitch DeckHow to Build a Winning Pitch Deck
How to Build a Winning Pitch Deck
ย 
Building a web application without servers
Building a web application without serversBuilding a web application without servers
Building a web application without servers
ย 
Fundraising Essentials
Fundraising EssentialsFundraising Essentials
Fundraising Essentials
ย 
AWS_HK_StartupDay_Building Interactive websites while automating for efficien...
AWS_HK_StartupDay_Building Interactive websites while automating for efficien...AWS_HK_StartupDay_Building Interactive websites while automating for efficien...
AWS_HK_StartupDay_Building Interactive websites while automating for efficien...
ย 
Introduzione a Amazon Elastic Container Service
Introduzione a Amazon Elastic Container ServiceIntroduzione a Amazon Elastic Container Service
Introduzione a Amazon Elastic Container Service
ย 

Build, train, and deploy ML models at scale.pdf

  • 1. ยฉ 2019, Amazon Web Services, Inc. or its affiliates. All rights reserved. Build, train and deploy Machine Learning models at scale Julien Simon Global Evangelist, AI & Machine Learning @julsimon
  • 2. Put Machine Learning in the hands of every developer and data scientist Our mission
  • 3. M L F R A M E W O R K S & I N F R A S T R U C T U R E The Amazon ML Stack: Broadest & Deepest Set of Capabilities A I S E R V I C E S R E K O G N I T I O N I M A G E P O L L Y T R A N S C R I B E T R A N S L A T E C O M P R E H E N D C O M P R E H E N D M E D I C A L L E XR E K O G N I T I O N V I D E O Vision Speech Chatbots A M A Z O N S A G E M A K E R B U I L D T R A I N F O R E C A S TT E X T R A C T P E R S O N A L I Z E D E P L O Y Pre-built algorithms & notebooks Data labeling (G R O U N D T R U T H ) One-click model training & tuning Optimization ( N E O ) One-click deployment & hosting M L S E R V I C E S F r a m e w o r k s I n t e r f a c e s I n f r a s t r u c t u r e E C 2 P 3 & P 3 d n E C 2 C 5 F P G A s G R E E N G R A S S E L A S T I C I N F E R E N C E Models without training data (REINFORCEMENT LEARNING)Algorithms & models ( A W S M A R K E T P L A C E ) Language Forecasting Recommendations NEW NEWNEW NEW NEW NEWNEW NEW NEW
  • 4. Amazon SageMaker: Build, Train, and Deploy ML Models at Scale Collect and prepare training data Choose and optimize your ML algorithm Train and Tune ML Models Set up and manage environments for training Deploy models in production Scale and manage the production environment 1 2 3
  • 5. Machine learning cycle Business Problem ML problem framing Data collection Data integration Data preparation and cleaning Data visualization and analysis Feature engineering Model training and parameter tuning Model evaluation Monitoring and debugging Model deployment Predictions Are business goals met? YESNO Dataaugmentation Feature augmentation Re-training
  • 6. Manage data on AWS Business Problem ML problem framing Data collection Data integration Data preparation and cleaning Data visualization and analysis Feature engineering Model training and parameter tuning Model evaluation Monitoring and debugging Model deployment Predictions Are business goals met? YESNO Dataaugmentation Feature augmentation Re-training
  • 7. Build and train models using SageMaker Business Problem ML problem framing Data collection Data integration Data preparation and cleaning Data visualization and analysis Feature engineering Model training and parameter tuning Model evaluation Monitoring and debugging Model deployment Predictions Are business goals met? YESNO Dataaugmentation Feature augmentation Re-training
  • 8. Deploy models using SageMaker Business Problem ML problem framing Data collection Data integration Data preparation and cleaning Data visualization and analysis Feature engineering Model training and parameter tuning Model evaluation Monitoring and debugging Model deployment Predictions Are business goals met? YESNO Dataaugmentation Feature augmentation Re-training
  • 9. Amazon SageMaker Fully managed hosting with auto- scaling One-click deployment Pre-built notebooks for common problems Built-in, high- performance algorithms and frameworks One-click training Hyperparameter optimization DeployTrainBuild Model compilation Elastic inference Inference pipelines P3DN, C5N TensorFlow on 256 GPUs Resume HPO tuning job New built-in algorithms scikit-learn environment Model marketplace Search Git integration Elastic inference
  • 11. ยฉ 2019, Amazon Web Services, Inc. or its affiliates. All rights reserved.
  • 12. The Amazon SageMaker API โ€ข Python SDK orchestrating all Amazon SageMaker activity โ€ข High-level objects for algorithm selection, training, deploying, automatic model tuning, etc. โ€ข Spark SDK (Python & Scala) โ€ข AWS CLI: โ€˜aws sagemakerโ€™ โ€ข AWS SDK: boto3, etc.
  • 13. Model Training (on EC2) Model Hosting (on EC2) Trainingdata Modelartifacts Training code Helper code Helper codeInference code GroundTruth Client application Inference code Training code Inference requestInference response Inference Endpoint
  • 14. Training code Factorization Machines Linear Learner Principal Component Analysis K-Means Clustering XGBoost And more Built-in Algorithms Bring Your Own ContainerBring Your Own Script Model options
  • 15. ยฉ 2019, Amazon Web Services, Inc. or its affiliates. All rights reserved.
  • 16. Built-in algorithms orange: supervised, yellow: unsupervised Linear Learner: regression, classification Image Classification: Deep Learning (ResNet) Factorization Machines: regression, classification, recommendation Object Detection (SSD): Deep Learning (VGG or ResNet) K-Nearest Neighbors: non-parametric regression and classification Neural Topic Model: topic modeling XGBoost: regression, classification, ranking https://github.com/dmlc/xgboost Latent Dirichlet Allocation: topic modeling (mostly) K-Means: clustering Blazing Text: GPU-based Word2Vec, and text classification Principal Component Analysis: dimensionality reduction Sequence to Sequence: machine translation, speech to text and more Random Cut Forest: anomaly detection DeepAR: time-series forecasting (RNN) Object2Vec: general-purpose embedding IP Insights: usage patterns for IP addresses Semantic Segmentation: Deep Learning
  • 17. Demo: Image classification with Caltech-256 https://gitlab.com/juliensimon/dlnotebooks/sagemaker/
  • 18. ยฉ 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Blazing Text https://dl.acm.org/citation.cfm?id=3146354
  • 19. Demo: Text Classification with BlazingText https://github.com/awslabs/amazon-sagemaker- examples/tree/master/introduction_to_amazon_algorithms/blazingtext_text_classification_dbpedia
  • 20. XGBoost โ€ข Open Source project โ€ข Popular tree-based algorithm for regression, classification and ranking โ€ข Builds a collection of trees. โ€ข Handles missing values and sparse data โ€ข Supports distributed training โ€ข Can work with data sets larger than RAM https://github.com/dmlc/xgboost https://xgboost.readthedocs.io/en/latest/ https://arxiv.org/abs/1603.02754
  • 21. Demo: XGBoost AWS re:Invent 2018 workshop https://gitlab.com/juliensimon/ent321
  • 22. ยฉ 2019, Amazon Web Services, Inc. or its affiliates. All rights reserved.
  • 23. Demo: Keras/TensorFlow CNN on CIFAR-10 https://github.com/awslabs/amazon-sagemaker-examples/blob/master/sagemaker-python- sdk/tensorflow_keras_cifar10/tensorflow_keras_CIFAR10.ipynb
  • 24. Demo: Sentiment analysis with Apache MXNet https://github.com/awslabs/amazon-sagemaker-examples/blob/master/sagemaker-python- sdk/mxnet_sentiment_analysis_with_gluon.ipynb
  • 25. Amazon SageMaker Fully managed hosting with auto- scaling One-click deployment Pre-built notebooks for common problems Built-in, high- performance algorithms and frameworks One-click training Hyperparameter optimization Build Train Deploy
  • 26. ยฉ 2018, Amazon Web Services, Inc. or Its Affiliates. All rights reserved. Getting started http://aws.amazon.com/free https://ml.aws https://aws.amazon.com/sagemaker https://github.com/aws/sagemaker-python-sdk https://github.com/aws/sagemaker-spark https://github.com/awslabs/amazon-sagemaker-examples https://gitlab.com/juliensimon/ent321 https://medium.com/@julsimon https://gitlab.com/juliensimon/dlnotebooks
  • 27. Thank you! ยฉ 2019, Amazon Web Services, Inc. or its affiliates. All rights reserved. Julien Simon Global Evangelist, AI & Machine Learning @julsimon https://medium.com/@julsimon