SlideShare a Scribd company logo
1 of 20
S U M M I T
Switzerlan d
Ā© 2019, Amazon Web Services, Inc. or its affiliates. All rights reserved.S U M M I T
Build,Train and Deploy Machine Learning
Models onAmazonSageMaker
Julien Simon
Global Evangelist, AI & Machine Learning
AmazonWeb Services
@julsimon
StƩphane Cheikh
Director, Portfolio Evolution using Artificial Intelligence
SITA
Ā© 2019, Amazon Web Services, Inc. or its affiliates. All rights reserved.S U M M I T
Machinelearning 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
Ā© 2019, Amazon Web Services, Inc. or its affiliates. All rights reserved.S U M M I T
AmazonSageMaker
1
2
3
Same service and APIs from experimentation to production
Ā© 2019, Amazon Web Services, Inc. or its affiliates. All rights reserved.S U M M I T
Build your dataset
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
Ā© 2019, Amazon Web Services, Inc. or its affiliates. All rights reserved.S U M M I T
Prepare your datasetfor MachineLearning
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
Ā© 2019, Amazon Web Services, Inc. or its affiliates. All rights reserved.S U M M I T
Build,trainand deploy models usingSageMaker
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
S U M M I T Ā© 2019, Amazon Web Services, Inc. or its affiliates. All rights reserved.
Ā© 2019, Amazon Web Services, Inc. or its affiliates. All rights reserved.S U M M I T
Notebook instances
ā€¢ Fully managed EC2 instances, fromT2 to P3
ā€¢ G4 and R5 now available for inference ā€“ NEW!
ā€¢ Pre-installed with Jupyter and Conda environments
ā€¢ Python 2.7 & 3.6
ā€¢ Open-source libraries (TensorFlow,Apache MXNet, etc.)
ā€¢ Beta support for R ā€“ NEW!
ā€¢ Amazon Elastic Inference for cost-effective GPU acceleration
ā€¢ Lifecycle configurations
ā€¢ VPC, encryption, etc.
ā€¢ Get to work in minutes, zero setup
Ā© 2019, Amazon Web Services, Inc. or its affiliates. All rights reserved.S U M M I T
TheAmazonSageMakerAPI
ā€¢ Python SDK orchestrating all Amazon SageMaker activity
ā€¢ High-level objects for algorithm selection, training, deploying,
automatic model tuning, etc.
https://github.com/aws/sagemaker-python-sdk
ā€¢ Spark SDK (Python & Scala)
https://github.com/aws/sagemaker-spark/tree/master/sagemaker-spark-sdk
ā€¢ AWS SDK
ā€¢ Service-level APIs for scripting and automation
ā€¢ CLI: ā€˜aws sagemakerā€™
ā€¢ Language SDKs: boto3, etc.
Ā© 2019, Amazon Web Services, Inc. or its affiliates. All rights reserved.S U M M I T
Trainingdata
Model Hosting
Helper codeInference code
GroundTruth
Client application
Inference code
Training code
Inference requestInference response
Inference endpoint
Amazon S3
Amazon EFS
Amazon FSx for Lustre
Modelartifacts
Amazon
S3
NEW!
Training code Helper code
Model Training (on demand or spot) NEW!
Ā© 2019, Amazon Web Services, Inc. or its affiliates. All rights reserved.S U M M I T
Model options
Training code
Factorization Machines
Linear Learner
Principal Component Analysis
K-Means Clustering
XGBoost
And more
Built-in Algorithms (17)
No ML coding required
No infrastructure work required
Distributed training
Pipe mode
BringYour Own Container
Full control, run anything!
R, C++, etc.
No infrastructure work required
Built-in Frameworks
Bring your own code: Script mode
Open-source containers
No infrastructure work required
Distributed training
Pipe mode
NEW!
Ā© 2019, Amazon Web Services, Inc. or its affiliates. All rights reserved.S U M M I T
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
and classification
NeuralTopic Model:Topic modeling
XGBoost: Regression, classification, ranking
https://github.com/dmlc/xgboost
Latent Dirichlet Allocation:Topic modeling (mostly)
K-Means: Clustering BlazingText: 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
Ā© 2019, Amazon Web Services, Inc. or its affiliates. All rights reserved.S U M M I T
Built-in frameworks: just add your code
ā€¢ Built-in containers for training and prediction
ā€¢ Open-source, e.g., https://github.com/aws/sagemaker-tensorflow-containers
ā€¢ Build them, run them on your own machine, customize them, etc.
ā€¢ Local mode: train and predict on your notebook instance,
or on your local machine
ā€¢ Script mode: migrate existing code to SageMaker with minimal changes
NEW
!
Ā© 2019, Amazon Web Services, Inc. or its affiliates. All rights reserved.S U M M I T
Training ResNet-50 with the
ImageNet dataset using our
optimized build ofTensorFlow 1.11
on a c5.18xlarge instance type is
designed to be 11x faster than
training on the stock binaries
TensorFlow onAWS
C5 instances (Intel Skylake)
65%
90%
P3 instances (NVIDIAV100)
Ā© 2019, Amazon Web Services, Inc. or its affiliates. All rights reserved.S U M M I T
Apache MXNet: Deep learning for enterprise developers
ā€¢ Gluon CV, Gluon NLP, Gluon TS
ONNX
2x faster
Java Scala
Ā© 2019, Amazon Web Services, Inc. or its affiliates. All rights reserved.S U M M I T
Demo:
Image classification with Keras/TensorFlow
+ Script Mode
+ Managed SpotTraining
+ Elastic Inference
https://aws.amazon.com/blogs/machine-learning/train-and-deploy-keras-models-with-tensorflow-and-apache-mxnet-on-
amazon-sagemaker/
https://gitlab.com/juliensimon/dlnotebooks/tree/master/keras/05-keras-blog-post
Ā© 2019, Amazon Web Services, Inc. or its affiliates. All rights reserved.S U M M I T
Ā© 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/dlnotebooks
Thank you!
S U M M I T Ā© 2019, Amazon Web Services, Inc. or its affiliates. All rights reserved.
Julien Simon
Global Evangelist, AI & Machine Learning
AmazonWeb Services
@julsimon
StƩphane Cheikh
Director, Portfolio Evolution using Artificial Intelligence
SITA
S U M M I T Ā© 2019, Amazon Web Services, Inc. or its affiliates. All rights reserved.

More Related Content

What's hot

A pragmatic introduction to natural language processing models (October 2019)
A pragmatic introduction to natural language processing models (October 2019)A pragmatic introduction to natural language processing models (October 2019)
A pragmatic introduction to natural language processing models (October 2019)Julien SIMON
Ā 
Building smart applications with AWS AI services (October 2019)
Building smart applications with AWS AI services (October 2019)Building smart applications with AWS AI services (October 2019)
Building smart applications with AWS AI services (October 2019)Julien SIMON
Ā 
AIM410R1 Deep learning applications with TensorFlow, featuring Fannie Mae (De...
AIM410R1 Deep learning applications with TensorFlow, featuring Fannie Mae (De...AIM410R1 Deep learning applications with TensorFlow, featuring Fannie Mae (De...
AIM410R1 Deep learning applications with TensorFlow, featuring Fannie Mae (De...Julien SIMON
Ā 
Optimize your machine learning workloads on AWS (March 2019)
Optimize your machine learning workloads on AWS (March 2019)Optimize your machine learning workloads on AWS (March 2019)
Optimize your machine learning workloads on AWS (March 2019)Julien SIMON
Ā 
AIM410R Deep Learning Applications with TensorFlow, featuring Mobileye (Decem...
AIM410R Deep Learning Applications with TensorFlow, featuring Mobileye (Decem...AIM410R Deep Learning Applications with TensorFlow, featuring Mobileye (Decem...
AIM410R Deep Learning Applications with TensorFlow, featuring Mobileye (Decem...Julien SIMON
Ā 
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
Ā 
Amazon SageMaker (December 2018)
Amazon SageMaker (December 2018)Amazon SageMaker (December 2018)
Amazon SageMaker (December 2018)Julien SIMON
Ā 
AIM361 Optimizing machine learning models with Amazon SageMaker (December 2019)
AIM361 Optimizing machine learning models with Amazon SageMaker (December 2019)AIM361 Optimizing machine learning models with Amazon SageMaker (December 2019)
AIM361 Optimizing machine learning models with Amazon SageMaker (December 2019)Julien SIMON
Ā 
Build, train, and deploy ML models at scale.pdf
Build, train, and deploy ML models at scale.pdfBuild, train, and deploy ML models at scale.pdf
Build, train, and deploy ML models at scale.pdfAmazon Web Services
Ā 
Machine Learning & Amazon SageMaker
Machine Learning & Amazon SageMakerMachine Learning & Amazon SageMaker
Machine Learning & Amazon SageMakerAmazon Web Services
Ā 
Scale Machine Learning from zero to millions of users (April 2020)
Scale Machine Learning from zero to millions of users (April 2020)Scale Machine Learning from zero to millions of users (April 2020)
Scale Machine Learning from zero to millions of users (April 2020)Julien SIMON
Ā 
Get started with Machine Learning and Computer Vision Using AWS DeepLens (Feb...
Get started with Machine Learning and Computer Vision Using AWS DeepLens (Feb...Get started with Machine Learning and Computer Vision Using AWS DeepLens (Feb...
Get started with Machine Learning and Computer Vision Using AWS DeepLens (Feb...Julien SIMON
Ā 
Starting your AI/ML project right (May 2020)
Starting your AI/ML project right (May 2020)Starting your AI/ML project right (May 2020)
Starting your AI/ML project right (May 2020)Julien SIMON
Ā 
The Future of AI (September 2019)
The Future of AI (September 2019)The Future of AI (September 2019)
The Future of AI (September 2019)Julien SIMON
Ā 
Speed up your Machine Learning workflows with build-in algorithms
Speed up your Machine Learning workflows with build-in algorithmsSpeed up your Machine Learning workflows with build-in algorithms
Speed up your Machine Learning workflows with build-in algorithmsJulien 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
Ā 
Integrating Deep Learning into your Enterprise
Integrating Deep Learning into your EnterpriseIntegrating Deep Learning into your Enterprise
Integrating Deep Learning into your EnterpriseAmazon Web Services
Ā 
Machine Learning: From Notebook to Production with Amazon Sagemaker (April 2018)
Machine Learning: From Notebook to Production with Amazon Sagemaker (April 2018)Machine Learning: From Notebook to Production with Amazon Sagemaker (April 2018)
Machine Learning: From Notebook to Production with Amazon Sagemaker (April 2018)Julien SIMON
Ā 
AWS re:Invent 2018 - AIM401 - Deep Learning using Tensorflow
AWS re:Invent 2018 - AIM401 - Deep Learning using TensorflowAWS re:Invent 2018 - AIM401 - Deep Learning using Tensorflow
AWS re:Invent 2018 - AIM401 - Deep Learning using TensorflowJulien SIMON
Ā 

What's hot (20)

A pragmatic introduction to natural language processing models (October 2019)
A pragmatic introduction to natural language processing models (October 2019)A pragmatic introduction to natural language processing models (October 2019)
A pragmatic introduction to natural language processing models (October 2019)
Ā 
Building smart applications with AWS AI services (October 2019)
Building smart applications with AWS AI services (October 2019)Building smart applications with AWS AI services (October 2019)
Building smart applications with AWS AI services (October 2019)
Ā 
AIM410R1 Deep learning applications with TensorFlow, featuring Fannie Mae (De...
AIM410R1 Deep learning applications with TensorFlow, featuring Fannie Mae (De...AIM410R1 Deep learning applications with TensorFlow, featuring Fannie Mae (De...
AIM410R1 Deep learning applications with TensorFlow, featuring Fannie Mae (De...
Ā 
Optimize your machine learning workloads on AWS (March 2019)
Optimize your machine learning workloads on AWS (March 2019)Optimize your machine learning workloads on AWS (March 2019)
Optimize your machine learning workloads on AWS (March 2019)
Ā 
AIM410R Deep Learning Applications with TensorFlow, featuring Mobileye (Decem...
AIM410R Deep Learning Applications with TensorFlow, featuring Mobileye (Decem...AIM410R Deep Learning Applications with TensorFlow, featuring Mobileye (Decem...
AIM410R Deep Learning Applications with TensorFlow, featuring Mobileye (Decem...
Ā 
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)
Ā 
Amazon SageMaker (December 2018)
Amazon SageMaker (December 2018)Amazon SageMaker (December 2018)
Amazon SageMaker (December 2018)
Ā 
AIM361 Optimizing machine learning models with Amazon SageMaker (December 2019)
AIM361 Optimizing machine learning models with Amazon SageMaker (December 2019)AIM361 Optimizing machine learning models with Amazon SageMaker (December 2019)
AIM361 Optimizing machine learning models with Amazon SageMaker (December 2019)
Ā 
Build, train, and deploy ML models at scale.pdf
Build, train, and deploy ML models at scale.pdfBuild, train, and deploy ML models at scale.pdf
Build, train, and deploy ML models at scale.pdf
Ā 
Machine Learning & Amazon SageMaker
Machine Learning & Amazon SageMakerMachine Learning & Amazon SageMaker
Machine Learning & Amazon SageMaker
Ā 
Scale Machine Learning from zero to millions of users (April 2020)
Scale Machine Learning from zero to millions of users (April 2020)Scale Machine Learning from zero to millions of users (April 2020)
Scale Machine Learning from zero to millions of users (April 2020)
Ā 
Get started with Machine Learning and Computer Vision Using AWS DeepLens (Feb...
Get started with Machine Learning and Computer Vision Using AWS DeepLens (Feb...Get started with Machine Learning and Computer Vision Using AWS DeepLens (Feb...
Get started with Machine Learning and Computer Vision Using AWS DeepLens (Feb...
Ā 
Starting your AI/ML project right (May 2020)
Starting your AI/ML project right (May 2020)Starting your AI/ML project right (May 2020)
Starting your AI/ML project right (May 2020)
Ā 
The Future of AI (September 2019)
The Future of AI (September 2019)The Future of AI (September 2019)
The Future of AI (September 2019)
Ā 
Speed up your Machine Learning workflows with build-in algorithms
Speed up your Machine Learning workflows with build-in algorithmsSpeed up your Machine Learning workflows with build-in algorithms
Speed up your Machine Learning workflows with build-in algorithms
Ā 
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)
Ā 
Integrating Deep Learning into your Enterprise
Integrating Deep Learning into your EnterpriseIntegrating Deep Learning into your Enterprise
Integrating Deep Learning into your Enterprise
Ā 
Introduction to Sagemaker
Introduction to SagemakerIntroduction to Sagemaker
Introduction to Sagemaker
Ā 
Machine Learning: From Notebook to Production with Amazon Sagemaker (April 2018)
Machine Learning: From Notebook to Production with Amazon Sagemaker (April 2018)Machine Learning: From Notebook to Production with Amazon Sagemaker (April 2018)
Machine Learning: From Notebook to Production with Amazon Sagemaker (April 2018)
Ā 
AWS re:Invent 2018 - AIM401 - Deep Learning using Tensorflow
AWS re:Invent 2018 - AIM401 - Deep Learning using TensorflowAWS re:Invent 2018 - AIM401 - Deep Learning using Tensorflow
AWS re:Invent 2018 - AIM401 - Deep Learning using Tensorflow
Ā 

Similar to Build, train and deploy ML models with SageMaker (October 2019)

Intelligence of Things: IoT, AWS DeepLens and Amazon SageMaker - AWS Summit S...
Intelligence of Things: IoT, AWS DeepLens and Amazon SageMaker - AWS Summit S...Intelligence of Things: IoT, AWS DeepLens and Amazon SageMaker - AWS Summit S...
Intelligence of Things: IoT, AWS DeepLens and Amazon SageMaker - AWS Summit S...Amazon Web Services
Ā 
CI/CD for Your Machine Learning Pipeline with Amazon SageMaker (DVC303) - AWS...
CI/CD for Your Machine Learning Pipeline with Amazon SageMaker (DVC303) - AWS...CI/CD for Your Machine Learning Pipeline with Amazon SageMaker (DVC303) - AWS...
CI/CD for Your Machine Learning Pipeline with Amazon SageMaker (DVC303) - AWS...Amazon Web Services
Ā 
Machine Learning using Kubernetes - AI Conclave 2019
Machine Learning using Kubernetes - AI Conclave 2019Machine Learning using Kubernetes - AI Conclave 2019
Machine Learning using Kubernetes - AI Conclave 2019Arun Gupta
Ā 
Perform Machine Learning at the IoT Edge using AWS Greengrass and Amazon Sage...
Perform Machine Learning at the IoT Edge using AWS Greengrass and Amazon Sage...Perform Machine Learning at the IoT Edge using AWS Greengrass and Amazon Sage...
Perform Machine Learning at the IoT Edge using AWS Greengrass and Amazon Sage...Amazon Web Services
Ā 
Building a Recommender System Using Amazon SageMaker's Factorization Machine ...
Building a Recommender System Using Amazon SageMaker's Factorization Machine ...Building a Recommender System Using Amazon SageMaker's Factorization Machine ...
Building a Recommender System Using Amazon SageMaker's Factorization Machine ...Amazon Web Services
Ā 
WhereML a Serverless ML Powered Location Guessing Twitter Bot
WhereML a Serverless ML Powered Location Guessing Twitter BotWhereML a Serverless ML Powered Location Guessing Twitter Bot
WhereML a Serverless ML Powered Location Guessing Twitter BotRandall Hunt
Ā 
Building Deep Learning Applications with TensorFlow and SageMaker on AWS - Te...
Building Deep Learning Applications with TensorFlow and SageMaker on AWS - Te...Building Deep Learning Applications with TensorFlow and SageMaker on AWS - Te...
Building Deep Learning Applications with TensorFlow and SageMaker on AWS - Te...Amazon Web Services
Ā 
Deploying Cost-Effective Machine Learning Models - AIM204 - Anaheim AWS Summit
Deploying Cost-Effective Machine Learning Models - AIM204 - Anaheim AWS SummitDeploying Cost-Effective Machine Learning Models - AIM204 - Anaheim AWS Summit
Deploying Cost-Effective Machine Learning Models - AIM204 - Anaheim AWS SummitAmazon Web Services
Ā 
Enabling Deep Learning in IoT Applications with Apache MXNet
Enabling Deep Learning in IoT Applications with Apache MXNetEnabling Deep Learning in IoT Applications with Apache MXNet
Enabling Deep Learning in IoT Applications with Apache MXNetAmazon Web Services
Ā 
Work with Machine Learning in Amazon SageMaker - BDA203 - Atlanta AWS Summit
Work with Machine Learning in Amazon SageMaker - BDA203 - Atlanta AWS SummitWork with Machine Learning in Amazon SageMaker - BDA203 - Atlanta AWS Summit
Work with Machine Learning in Amazon SageMaker - BDA203 - Atlanta AWS SummitAmazon Web Services
Ā 
[NEW LAUNCH] Introducing AWS Deep Learning Containers
[NEW LAUNCH] Introducing AWS Deep Learning Containers[NEW LAUNCH] Introducing AWS Deep Learning Containers
[NEW LAUNCH] Introducing AWS Deep Learning ContainersAmazon Web Services
Ā 
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
Ā 
Deploying cost-effective machine learning models - AIM202 - Atlanta AWS Summit
Deploying cost-effective machine learning models - AIM202 - Atlanta AWS SummitDeploying cost-effective machine learning models - AIM202 - Atlanta AWS Summit
Deploying cost-effective machine learning models - AIM202 - Atlanta AWS SummitAmazon Web Services
Ā 
Amazon SageMaker workshop
Amazon SageMaker workshopAmazon SageMaker workshop
Amazon SageMaker workshopJulien SIMON
Ā 
MXNet Paris Workshop - Intro To MXNet
MXNet Paris Workshop - Intro To MXNetMXNet Paris Workshop - Intro To MXNet
MXNet Paris Workshop - Intro To MXNetApache MXNet
Ā 
Become a Machine Learning Developer with AWS Services
Become a Machine Learning Developer with AWS ServicesBecome a Machine Learning Developer with AWS Services
Become a Machine Learning Developer with AWS ServicesAmazon Web Services
Ā 
Become a Machine Learning developer with AWS (Avril 2019)
Become a Machine Learning developer with AWS (Avril 2019)Become a Machine Learning developer with AWS (Avril 2019)
Become a Machine Learning developer with AWS (Avril 2019)Julien SIMON
Ā 
Train & Deploy ML Models with Amazon Sagemaker: Collision 2018
Train & Deploy ML Models with Amazon Sagemaker: Collision 2018Train & Deploy ML Models with Amazon Sagemaker: Collision 2018
Train & Deploy ML Models with Amazon Sagemaker: Collision 2018Amazon Web Services
Ā 
Get Started with Deep Learning and Computer Vision Using AWS DeepLens (AIM316...
Get Started with Deep Learning and Computer Vision Using AWS DeepLens (AIM316...Get Started with Deep Learning and Computer Vision Using AWS DeepLens (AIM316...
Get Started with Deep Learning and Computer Vision Using AWS DeepLens (AIM316...Amazon Web Services
Ā 
Introduction to Scalable Deep Learning on AWS with Apache MXNet
Introduction to Scalable Deep Learning on AWS with Apache MXNetIntroduction to Scalable Deep Learning on AWS with Apache MXNet
Introduction to Scalable Deep Learning on AWS with Apache MXNetAmazon Web Services
Ā 

Similar to Build, train and deploy ML models with SageMaker (October 2019) (20)

Intelligence of Things: IoT, AWS DeepLens and Amazon SageMaker - AWS Summit S...
Intelligence of Things: IoT, AWS DeepLens and Amazon SageMaker - AWS Summit S...Intelligence of Things: IoT, AWS DeepLens and Amazon SageMaker - AWS Summit S...
Intelligence of Things: IoT, AWS DeepLens and Amazon SageMaker - AWS Summit S...
Ā 
CI/CD for Your Machine Learning Pipeline with Amazon SageMaker (DVC303) - AWS...
CI/CD for Your Machine Learning Pipeline with Amazon SageMaker (DVC303) - AWS...CI/CD for Your Machine Learning Pipeline with Amazon SageMaker (DVC303) - AWS...
CI/CD for Your Machine Learning Pipeline with Amazon SageMaker (DVC303) - AWS...
Ā 
Machine Learning using Kubernetes - AI Conclave 2019
Machine Learning using Kubernetes - AI Conclave 2019Machine Learning using Kubernetes - AI Conclave 2019
Machine Learning using Kubernetes - AI Conclave 2019
Ā 
Perform Machine Learning at the IoT Edge using AWS Greengrass and Amazon Sage...
Perform Machine Learning at the IoT Edge using AWS Greengrass and Amazon Sage...Perform Machine Learning at the IoT Edge using AWS Greengrass and Amazon Sage...
Perform Machine Learning at the IoT Edge using AWS Greengrass and Amazon Sage...
Ā 
Building a Recommender System Using Amazon SageMaker's Factorization Machine ...
Building a Recommender System Using Amazon SageMaker's Factorization Machine ...Building a Recommender System Using Amazon SageMaker's Factorization Machine ...
Building a Recommender System Using Amazon SageMaker's Factorization Machine ...
Ā 
WhereML a Serverless ML Powered Location Guessing Twitter Bot
WhereML a Serverless ML Powered Location Guessing Twitter BotWhereML a Serverless ML Powered Location Guessing Twitter Bot
WhereML a Serverless ML Powered Location Guessing Twitter Bot
Ā 
Building Deep Learning Applications with TensorFlow and SageMaker on AWS - Te...
Building Deep Learning Applications with TensorFlow and SageMaker on AWS - Te...Building Deep Learning Applications with TensorFlow and SageMaker on AWS - Te...
Building Deep Learning Applications with TensorFlow and SageMaker on AWS - Te...
Ā 
Deploying Cost-Effective Machine Learning Models - AIM204 - Anaheim AWS Summit
Deploying Cost-Effective Machine Learning Models - AIM204 - Anaheim AWS SummitDeploying Cost-Effective Machine Learning Models - AIM204 - Anaheim AWS Summit
Deploying Cost-Effective Machine Learning Models - AIM204 - Anaheim AWS Summit
Ā 
Enabling Deep Learning in IoT Applications with Apache MXNet
Enabling Deep Learning in IoT Applications with Apache MXNetEnabling Deep Learning in IoT Applications with Apache MXNet
Enabling Deep Learning in IoT Applications with Apache MXNet
Ā 
Work with Machine Learning in Amazon SageMaker - BDA203 - Atlanta AWS Summit
Work with Machine Learning in Amazon SageMaker - BDA203 - Atlanta AWS SummitWork with Machine Learning in Amazon SageMaker - BDA203 - Atlanta AWS Summit
Work with Machine Learning in Amazon SageMaker - BDA203 - Atlanta AWS Summit
Ā 
[NEW LAUNCH] Introducing AWS Deep Learning Containers
[NEW LAUNCH] Introducing AWS Deep Learning Containers[NEW LAUNCH] Introducing AWS Deep Learning Containers
[NEW LAUNCH] Introducing AWS Deep Learning Containers
Ā 
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
Ā 
Deploying cost-effective machine learning models - AIM202 - Atlanta AWS Summit
Deploying cost-effective machine learning models - AIM202 - Atlanta AWS SummitDeploying cost-effective machine learning models - AIM202 - Atlanta AWS Summit
Deploying cost-effective machine learning models - AIM202 - Atlanta AWS Summit
Ā 
Amazon SageMaker workshop
Amazon SageMaker workshopAmazon SageMaker workshop
Amazon SageMaker workshop
Ā 
MXNet Paris Workshop - Intro To MXNet
MXNet Paris Workshop - Intro To MXNetMXNet Paris Workshop - Intro To MXNet
MXNet Paris Workshop - Intro To MXNet
Ā 
Become a Machine Learning Developer with AWS Services
Become a Machine Learning Developer with AWS ServicesBecome a Machine Learning Developer with AWS Services
Become a Machine Learning Developer with AWS Services
Ā 
Become a Machine Learning developer with AWS (Avril 2019)
Become a Machine Learning developer with AWS (Avril 2019)Become a Machine Learning developer with AWS (Avril 2019)
Become a Machine Learning developer with AWS (Avril 2019)
Ā 
Train & Deploy ML Models with Amazon Sagemaker: Collision 2018
Train & Deploy ML Models with Amazon Sagemaker: Collision 2018Train & Deploy ML Models with Amazon Sagemaker: Collision 2018
Train & Deploy ML Models with Amazon Sagemaker: Collision 2018
Ā 
Get Started with Deep Learning and Computer Vision Using AWS DeepLens (AIM316...
Get Started with Deep Learning and Computer Vision Using AWS DeepLens (AIM316...Get Started with Deep Learning and Computer Vision Using AWS DeepLens (AIM316...
Get Started with Deep Learning and Computer Vision Using AWS DeepLens (AIM316...
Ā 
Introduction to Scalable Deep Learning on AWS with Apache MXNet
Introduction to Scalable Deep Learning on AWS with Apache MXNetIntroduction to Scalable Deep Learning on AWS with Apache MXNet
Introduction to Scalable Deep Learning on AWS with Apache MXNet
Ā 

More from Julien SIMON

An introduction to computer vision with Hugging Face
An introduction to computer vision with Hugging FaceAn introduction to computer vision with Hugging Face
An introduction to computer vision with Hugging FaceJulien SIMON
Ā 
Reinventing Deep Learningā€Ø with Hugging Face Transformers
Reinventing Deep Learningā€Ø with Hugging Face TransformersReinventing Deep Learningā€Ø with Hugging Face Transformers
Reinventing Deep Learningā€Ø with Hugging Face TransformersJulien SIMON
Ā 
Building NLP applications with Transformers
Building NLP applications with TransformersBuilding NLP applications with Transformers
Building NLP applications with TransformersJulien SIMON
Ā 
Building Machine Learning Models Automatically (June 2020)
Building Machine Learning Models Automatically (June 2020)Building Machine Learning Models Automatically (June 2020)
Building Machine Learning Models Automatically (June 2020)Julien SIMON
Ā 
An Introduction to Generative Adversarial Networks (April 2020)
An Introduction to Generative Adversarial Networks (April 2020)An Introduction to Generative Adversarial Networks (April 2020)
An Introduction to Generative Adversarial Networks (April 2020)Julien SIMON
Ā 
Train and Deploy Machine Learning Workloads with AWS Container Services (July...
Train and Deploy Machine Learning Workloads with AWS Container Services (July...Train and Deploy Machine Learning Workloads with AWS Container Services (July...
Train and Deploy Machine Learning Workloads with AWS Container Services (July...Julien SIMON
Ā 
Solve complex business problems with Amazon Personalize and Amazon Forecast (...
Solve complex business problems with Amazon Personalize and Amazon Forecast (...Solve complex business problems with Amazon Personalize and Amazon Forecast (...
Solve complex business problems with Amazon Personalize and Amazon Forecast (...Julien SIMON
Ā 
Optimize your Machine Learning workloads (April 2019)
Optimize your Machine Learning workloads (April 2019)Optimize your Machine Learning workloads (April 2019)
Optimize your Machine Learning workloads (April 2019)Julien SIMON
Ā 
Deep Learning with Tensorflow and Apache MXNet on AWS (April 2019)
Deep Learning with Tensorflow and Apache MXNet on AWS (April 2019)Deep Learning with Tensorflow and Apache MXNet on AWS (April 2019)
Deep Learning with Tensorflow and Apache MXNet on AWS (April 2019)Julien SIMON
Ā 
Building machine learning inference pipelines at scale (March 2019)
Building machine learning inference pipelines at scale (March 2019)Building machine learning inference pipelines at scale (March 2019)
Building machine learning inference pipelines at scale (March 2019)Julien SIMON
Ā 

More from Julien SIMON (10)

An introduction to computer vision with Hugging Face
An introduction to computer vision with Hugging FaceAn introduction to computer vision with Hugging Face
An introduction to computer vision with Hugging Face
Ā 
Reinventing Deep Learningā€Ø with Hugging Face Transformers
Reinventing Deep Learningā€Ø with Hugging Face TransformersReinventing Deep Learningā€Ø with Hugging Face Transformers
Reinventing Deep Learningā€Ø with Hugging Face Transformers
Ā 
Building NLP applications with Transformers
Building NLP applications with TransformersBuilding NLP applications with Transformers
Building NLP applications with Transformers
Ā 
Building Machine Learning Models Automatically (June 2020)
Building Machine Learning Models Automatically (June 2020)Building Machine Learning Models Automatically (June 2020)
Building Machine Learning Models Automatically (June 2020)
Ā 
An Introduction to Generative Adversarial Networks (April 2020)
An Introduction to Generative Adversarial Networks (April 2020)An Introduction to Generative Adversarial Networks (April 2020)
An Introduction to Generative Adversarial Networks (April 2020)
Ā 
Train and Deploy Machine Learning Workloads with AWS Container Services (July...
Train and Deploy Machine Learning Workloads with AWS Container Services (July...Train and Deploy Machine Learning Workloads with AWS Container Services (July...
Train and Deploy Machine Learning Workloads with AWS Container Services (July...
Ā 
Solve complex business problems with Amazon Personalize and Amazon Forecast (...
Solve complex business problems with Amazon Personalize and Amazon Forecast (...Solve complex business problems with Amazon Personalize and Amazon Forecast (...
Solve complex business problems with Amazon Personalize and Amazon Forecast (...
Ā 
Optimize your Machine Learning workloads (April 2019)
Optimize your Machine Learning workloads (April 2019)Optimize your Machine Learning workloads (April 2019)
Optimize your Machine Learning workloads (April 2019)
Ā 
Deep Learning with Tensorflow and Apache MXNet on AWS (April 2019)
Deep Learning with Tensorflow and Apache MXNet on AWS (April 2019)Deep Learning with Tensorflow and Apache MXNet on AWS (April 2019)
Deep Learning with Tensorflow and Apache MXNet on AWS (April 2019)
Ā 
Building machine learning inference pipelines at scale (March 2019)
Building machine learning inference pipelines at scale (March 2019)Building machine learning inference pipelines at scale (March 2019)
Building machine learning inference pipelines at scale (March 2019)
Ā 

Recently uploaded

Real Time Object Detection Using Open CV
Real Time Object Detection Using Open CVReal Time Object Detection Using Open CV
Real Time Object Detection Using Open CVKhem
Ā 
Axa Assurance Maroc - Insurer Innovation Award 2024
Axa Assurance Maroc - Insurer Innovation Award 2024Axa Assurance Maroc - Insurer Innovation Award 2024
Axa Assurance Maroc - Insurer Innovation Award 2024The Digital Insurer
Ā 
Breaking the Kubernetes Kill Chain: Host Path Mount
Breaking the Kubernetes Kill Chain: Host Path MountBreaking the Kubernetes Kill Chain: Host Path Mount
Breaking the Kubernetes Kill Chain: Host Path MountPuma Security, LLC
Ā 
Histor y of HAM Radio presentation slide
Histor y of HAM Radio presentation slideHistor y of HAM Radio presentation slide
Histor y of HAM Radio presentation slidevu2urc
Ā 
The Codex of Business Writing Software for Real-World Solutions 2.pptx
The Codex of Business Writing Software for Real-World Solutions 2.pptxThe Codex of Business Writing Software for Real-World Solutions 2.pptx
The Codex of Business Writing Software for Real-World Solutions 2.pptxMalak Abu Hammad
Ā 
Powerful Google developer tools for immediate impact! (2023-24 C)
Powerful Google developer tools for immediate impact! (2023-24 C)Powerful Google developer tools for immediate impact! (2023-24 C)
Powerful Google developer tools for immediate impact! (2023-24 C)wesley chun
Ā 
šŸ¬ The future of MySQL is Postgres šŸ˜
šŸ¬  The future of MySQL is Postgres   šŸ˜šŸ¬  The future of MySQL is Postgres   šŸ˜
šŸ¬ The future of MySQL is Postgres šŸ˜RTylerCroy
Ā 
Handwritten Text Recognition for manuscripts and early printed texts
Handwritten Text Recognition for manuscripts and early printed textsHandwritten Text Recognition for manuscripts and early printed texts
Handwritten Text Recognition for manuscripts and early printed textsMaria Levchenko
Ā 
Boost PC performance: How more available memory can improve productivity
Boost PC performance: How more available memory can improve productivityBoost PC performance: How more available memory can improve productivity
Boost PC performance: How more available memory can improve productivityPrincipled Technologies
Ā 
Data Cloud, More than a CDP by Matt Robison
Data Cloud, More than a CDP by Matt RobisonData Cloud, More than a CDP by Matt Robison
Data Cloud, More than a CDP by Matt RobisonAnna Loughnan Colquhoun
Ā 
A Year of the Servo Reboot: Where Are We Now?
A Year of the Servo Reboot: Where Are We Now?A Year of the Servo Reboot: Where Are We Now?
A Year of the Servo Reboot: Where Are We Now?Igalia
Ā 
Presentation on how to chat with PDF using ChatGPT code interpreter
Presentation on how to chat with PDF using ChatGPT code interpreterPresentation on how to chat with PDF using ChatGPT code interpreter
Presentation on how to chat with PDF using ChatGPT code interpreternaman860154
Ā 
The Role of Taxonomy and Ontology in Semantic Layers - Heather Hedden.pdf
The Role of Taxonomy and Ontology in Semantic Layers - Heather Hedden.pdfThe Role of Taxonomy and Ontology in Semantic Layers - Heather Hedden.pdf
The Role of Taxonomy and Ontology in Semantic Layers - Heather Hedden.pdfEnterprise Knowledge
Ā 
EIS-Webinar-Prompt-Knowledge-Eng-2024-04-08.pptx
EIS-Webinar-Prompt-Knowledge-Eng-2024-04-08.pptxEIS-Webinar-Prompt-Knowledge-Eng-2024-04-08.pptx
EIS-Webinar-Prompt-Knowledge-Eng-2024-04-08.pptxEarley Information Science
Ā 
TrustArc Webinar - Stay Ahead of US State Data Privacy Law Developments
TrustArc Webinar - Stay Ahead of US State Data Privacy Law DevelopmentsTrustArc Webinar - Stay Ahead of US State Data Privacy Law Developments
TrustArc Webinar - Stay Ahead of US State Data Privacy Law DevelopmentsTrustArc
Ā 
Artificial Intelligence: Facts and Myths
Artificial Intelligence: Facts and MythsArtificial Intelligence: Facts and Myths
Artificial Intelligence: Facts and MythsJoaquim Jorge
Ā 
Factors to Consider When Choosing Accounts Payable Services Providers.pptx
Factors to Consider When Choosing Accounts Payable Services Providers.pptxFactors to Consider When Choosing Accounts Payable Services Providers.pptx
Factors to Consider When Choosing Accounts Payable Services Providers.pptxKatpro Technologies
Ā 
How to convert PDF to text with Nanonets
How to convert PDF to text with NanonetsHow to convert PDF to text with Nanonets
How to convert PDF to text with Nanonetsnaman860154
Ā 
[2024]Digital Global Overview Report 2024 Meltwater.pdf
[2024]Digital Global Overview Report 2024 Meltwater.pdf[2024]Digital Global Overview Report 2024 Meltwater.pdf
[2024]Digital Global Overview Report 2024 Meltwater.pdfhans926745
Ā 
The 7 Things I Know About Cyber Security After 25 Years | April 2024
The 7 Things I Know About Cyber Security After 25 Years | April 2024The 7 Things I Know About Cyber Security After 25 Years | April 2024
The 7 Things I Know About Cyber Security After 25 Years | April 2024Rafal Los
Ā 

Recently uploaded (20)

Real Time Object Detection Using Open CV
Real Time Object Detection Using Open CVReal Time Object Detection Using Open CV
Real Time Object Detection Using Open CV
Ā 
Axa Assurance Maroc - Insurer Innovation Award 2024
Axa Assurance Maroc - Insurer Innovation Award 2024Axa Assurance Maroc - Insurer Innovation Award 2024
Axa Assurance Maroc - Insurer Innovation Award 2024
Ā 
Breaking the Kubernetes Kill Chain: Host Path Mount
Breaking the Kubernetes Kill Chain: Host Path MountBreaking the Kubernetes Kill Chain: Host Path Mount
Breaking the Kubernetes Kill Chain: Host Path Mount
Ā 
Histor y of HAM Radio presentation slide
Histor y of HAM Radio presentation slideHistor y of HAM Radio presentation slide
Histor y of HAM Radio presentation slide
Ā 
The Codex of Business Writing Software for Real-World Solutions 2.pptx
The Codex of Business Writing Software for Real-World Solutions 2.pptxThe Codex of Business Writing Software for Real-World Solutions 2.pptx
The Codex of Business Writing Software for Real-World Solutions 2.pptx
Ā 
Powerful Google developer tools for immediate impact! (2023-24 C)
Powerful Google developer tools for immediate impact! (2023-24 C)Powerful Google developer tools for immediate impact! (2023-24 C)
Powerful Google developer tools for immediate impact! (2023-24 C)
Ā 
šŸ¬ The future of MySQL is Postgres šŸ˜
šŸ¬  The future of MySQL is Postgres   šŸ˜šŸ¬  The future of MySQL is Postgres   šŸ˜
šŸ¬ The future of MySQL is Postgres šŸ˜
Ā 
Handwritten Text Recognition for manuscripts and early printed texts
Handwritten Text Recognition for manuscripts and early printed textsHandwritten Text Recognition for manuscripts and early printed texts
Handwritten Text Recognition for manuscripts and early printed texts
Ā 
Boost PC performance: How more available memory can improve productivity
Boost PC performance: How more available memory can improve productivityBoost PC performance: How more available memory can improve productivity
Boost PC performance: How more available memory can improve productivity
Ā 
Data Cloud, More than a CDP by Matt Robison
Data Cloud, More than a CDP by Matt RobisonData Cloud, More than a CDP by Matt Robison
Data Cloud, More than a CDP by Matt Robison
Ā 
A Year of the Servo Reboot: Where Are We Now?
A Year of the Servo Reboot: Where Are We Now?A Year of the Servo Reboot: Where Are We Now?
A Year of the Servo Reboot: Where Are We Now?
Ā 
Presentation on how to chat with PDF using ChatGPT code interpreter
Presentation on how to chat with PDF using ChatGPT code interpreterPresentation on how to chat with PDF using ChatGPT code interpreter
Presentation on how to chat with PDF using ChatGPT code interpreter
Ā 
The Role of Taxonomy and Ontology in Semantic Layers - Heather Hedden.pdf
The Role of Taxonomy and Ontology in Semantic Layers - Heather Hedden.pdfThe Role of Taxonomy and Ontology in Semantic Layers - Heather Hedden.pdf
The Role of Taxonomy and Ontology in Semantic Layers - Heather Hedden.pdf
Ā 
EIS-Webinar-Prompt-Knowledge-Eng-2024-04-08.pptx
EIS-Webinar-Prompt-Knowledge-Eng-2024-04-08.pptxEIS-Webinar-Prompt-Knowledge-Eng-2024-04-08.pptx
EIS-Webinar-Prompt-Knowledge-Eng-2024-04-08.pptx
Ā 
TrustArc Webinar - Stay Ahead of US State Data Privacy Law Developments
TrustArc Webinar - Stay Ahead of US State Data Privacy Law DevelopmentsTrustArc Webinar - Stay Ahead of US State Data Privacy Law Developments
TrustArc Webinar - Stay Ahead of US State Data Privacy Law Developments
Ā 
Artificial Intelligence: Facts and Myths
Artificial Intelligence: Facts and MythsArtificial Intelligence: Facts and Myths
Artificial Intelligence: Facts and Myths
Ā 
Factors to Consider When Choosing Accounts Payable Services Providers.pptx
Factors to Consider When Choosing Accounts Payable Services Providers.pptxFactors to Consider When Choosing Accounts Payable Services Providers.pptx
Factors to Consider When Choosing Accounts Payable Services Providers.pptx
Ā 
How to convert PDF to text with Nanonets
How to convert PDF to text with NanonetsHow to convert PDF to text with Nanonets
How to convert PDF to text with Nanonets
Ā 
[2024]Digital Global Overview Report 2024 Meltwater.pdf
[2024]Digital Global Overview Report 2024 Meltwater.pdf[2024]Digital Global Overview Report 2024 Meltwater.pdf
[2024]Digital Global Overview Report 2024 Meltwater.pdf
Ā 
The 7 Things I Know About Cyber Security After 25 Years | April 2024
The 7 Things I Know About Cyber Security After 25 Years | April 2024The 7 Things I Know About Cyber Security After 25 Years | April 2024
The 7 Things I Know About Cyber Security After 25 Years | April 2024
Ā 

Build, train and deploy ML models with SageMaker (October 2019)

  • 1. S U M M I T Switzerlan d
  • 2. Ā© 2019, Amazon Web Services, Inc. or its affiliates. All rights reserved.S U M M I T Build,Train and Deploy Machine Learning Models onAmazonSageMaker Julien Simon Global Evangelist, AI & Machine Learning AmazonWeb Services @julsimon StĆ©phane Cheikh Director, Portfolio Evolution using Artificial Intelligence SITA
  • 3. Ā© 2019, Amazon Web Services, Inc. or its affiliates. All rights reserved.S U M M I T Machinelearning 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
  • 4. Ā© 2019, Amazon Web Services, Inc. or its affiliates. All rights reserved.S U M M I T AmazonSageMaker 1 2 3 Same service and APIs from experimentation to production
  • 5. Ā© 2019, Amazon Web Services, Inc. or its affiliates. All rights reserved.S U M M I T Build your dataset 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. Ā© 2019, Amazon Web Services, Inc. or its affiliates. All rights reserved.S U M M I T Prepare your datasetfor MachineLearning 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. Ā© 2019, Amazon Web Services, Inc. or its affiliates. All rights reserved.S U M M I T Build,trainand deploy models usingSageMaker 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. S U M M I T Ā© 2019, Amazon Web Services, Inc. or its affiliates. All rights reserved.
  • 9. Ā© 2019, Amazon Web Services, Inc. or its affiliates. All rights reserved.S U M M I T Notebook instances ā€¢ Fully managed EC2 instances, fromT2 to P3 ā€¢ G4 and R5 now available for inference ā€“ NEW! ā€¢ Pre-installed with Jupyter and Conda environments ā€¢ Python 2.7 & 3.6 ā€¢ Open-source libraries (TensorFlow,Apache MXNet, etc.) ā€¢ Beta support for R ā€“ NEW! ā€¢ Amazon Elastic Inference for cost-effective GPU acceleration ā€¢ Lifecycle configurations ā€¢ VPC, encryption, etc. ā€¢ Get to work in minutes, zero setup
  • 10. Ā© 2019, Amazon Web Services, Inc. or its affiliates. All rights reserved.S U M M I T TheAmazonSageMakerAPI ā€¢ Python SDK orchestrating all Amazon SageMaker activity ā€¢ High-level objects for algorithm selection, training, deploying, automatic model tuning, etc. https://github.com/aws/sagemaker-python-sdk ā€¢ Spark SDK (Python & Scala) https://github.com/aws/sagemaker-spark/tree/master/sagemaker-spark-sdk ā€¢ AWS SDK ā€¢ Service-level APIs for scripting and automation ā€¢ CLI: ā€˜aws sagemakerā€™ ā€¢ Language SDKs: boto3, etc.
  • 11. Ā© 2019, Amazon Web Services, Inc. or its affiliates. All rights reserved.S U M M I T Trainingdata Model Hosting Helper codeInference code GroundTruth Client application Inference code Training code Inference requestInference response Inference endpoint Amazon S3 Amazon EFS Amazon FSx for Lustre Modelartifacts Amazon S3 NEW! Training code Helper code Model Training (on demand or spot) NEW!
  • 12. Ā© 2019, Amazon Web Services, Inc. or its affiliates. All rights reserved.S U M M I T Model options Training code Factorization Machines Linear Learner Principal Component Analysis K-Means Clustering XGBoost And more Built-in Algorithms (17) No ML coding required No infrastructure work required Distributed training Pipe mode BringYour Own Container Full control, run anything! R, C++, etc. No infrastructure work required Built-in Frameworks Bring your own code: Script mode Open-source containers No infrastructure work required Distributed training Pipe mode NEW!
  • 13. Ā© 2019, Amazon Web Services, Inc. or its affiliates. All rights reserved.S U M M I T 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 and classification NeuralTopic Model:Topic modeling XGBoost: Regression, classification, ranking https://github.com/dmlc/xgboost Latent Dirichlet Allocation:Topic modeling (mostly) K-Means: Clustering BlazingText: 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
  • 14. Ā© 2019, Amazon Web Services, Inc. or its affiliates. All rights reserved.S U M M I T Built-in frameworks: just add your code ā€¢ Built-in containers for training and prediction ā€¢ Open-source, e.g., https://github.com/aws/sagemaker-tensorflow-containers ā€¢ Build them, run them on your own machine, customize them, etc. ā€¢ Local mode: train and predict on your notebook instance, or on your local machine ā€¢ Script mode: migrate existing code to SageMaker with minimal changes NEW !
  • 15. Ā© 2019, Amazon Web Services, Inc. or its affiliates. All rights reserved.S U M M I T Training ResNet-50 with the ImageNet dataset using our optimized build ofTensorFlow 1.11 on a c5.18xlarge instance type is designed to be 11x faster than training on the stock binaries TensorFlow onAWS C5 instances (Intel Skylake) 65% 90% P3 instances (NVIDIAV100)
  • 16. Ā© 2019, Amazon Web Services, Inc. or its affiliates. All rights reserved.S U M M I T Apache MXNet: Deep learning for enterprise developers ā€¢ Gluon CV, Gluon NLP, Gluon TS ONNX 2x faster Java Scala
  • 17. Ā© 2019, Amazon Web Services, Inc. or its affiliates. All rights reserved.S U M M I T Demo: Image classification with Keras/TensorFlow + Script Mode + Managed SpotTraining + Elastic Inference https://aws.amazon.com/blogs/machine-learning/train-and-deploy-keras-models-with-tensorflow-and-apache-mxnet-on- amazon-sagemaker/ https://gitlab.com/juliensimon/dlnotebooks/tree/master/keras/05-keras-blog-post
  • 18. Ā© 2019, Amazon Web Services, Inc. or its affiliates. All rights reserved.S U M M I T Ā© 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/dlnotebooks
  • 19. Thank you! S U M M I T Ā© 2019, Amazon Web Services, Inc. or its affiliates. All rights reserved. Julien Simon Global Evangelist, AI & Machine Learning AmazonWeb Services @julsimon StĆ©phane Cheikh Director, Portfolio Evolution using Artificial Intelligence SITA
  • 20. S U M M I T Ā© 2019, Amazon Web Services, Inc. or its affiliates. All rights reserved.

Editor's Notes

  1. Seq2Seq: used by Amazon Translate and AWS Sockeye LDA: used by Amazon Comprehend