SlideShare a Scribd company logo
© 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.
TheAmazon SageMakerAPI
• 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
PrincipalComponent Analysis
K-Means Clustering
XGBoost
And more
Built-inAlgorithms BringYour Own ContainerBringYour 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
NeuralTopic Model: topic modeling
XGBoost: regression, classification, ranking
https://github.com/dmlc/xgboost
Latent DirichletAllocation: topic modeling (mostly)
K-Means: clustering BlazingText:GPU-basedWord2Vec,
and text classification
Principal ComponentAnalysis: dimensionality
reduction
Sequence to Sequence: machine translation, speech
speech to text and more
RandomCut 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

PDF
Build Machine Learning Models with Amazon SageMaker (April 2019)
PDF
Become a Machine Learning developer with AWS (Avril 2019)
PPTX
Optimize your Machine Learning workloads (April 2019)
PDF
Become a Machine Learning developer with AWS services (May 2019)
PDF
Build, train and deploy Machine Learning models on Amazon SageMaker (May 2019)
PDF
Build, train and deploy ML models with Amazon SageMaker (May 2019)
PDF
Building smart applications with AWS AI services (October 2019)
PPTX
Build, train and deploy ML models with SageMaker (October 2019)
Build Machine Learning Models with Amazon SageMaker (April 2019)
Become a Machine Learning developer with AWS (Avril 2019)
Optimize your Machine Learning workloads (April 2019)
Become a Machine Learning developer with AWS services (May 2019)
Build, train and deploy Machine Learning models on Amazon SageMaker (May 2019)
Build, train and deploy ML models with Amazon SageMaker (May 2019)
Building smart applications with AWS AI services (October 2019)
Build, train and deploy ML models with SageMaker (October 2019)

What's hot (10)

PPTX
The Future of AI (September 2019)
PDF
AIM410R Deep Learning Applications with TensorFlow, featuring Mobileye (Decem...
PPTX
Optimize your machine learning workloads on AWS (March 2019)
PDF
Starting your AI/ML project right (May 2020)
PDF
Deep Learning with Tensorflow and Apache MXNet on AWS (April 2019)
PPTX
Amazon SageMaker (December 2018)
PDF
Get started with Machine Learning and Computer Vision Using AWS DeepLens (Feb...
PPTX
Aws autopilot
PDF
AIM361 Optimizing machine learning models with Amazon SageMaker (December 2019)
PPTX
AWS re:Invent 2018 - AIM302 - Machine Learning at the Edge
The Future of AI (September 2019)
AIM410R Deep Learning Applications with TensorFlow, featuring Mobileye (Decem...
Optimize your machine learning workloads on AWS (March 2019)
Starting your AI/ML project right (May 2020)
Deep Learning with Tensorflow and Apache MXNet on AWS (April 2019)
Amazon SageMaker (December 2018)
Get started with Machine Learning and Computer Vision Using AWS DeepLens (Feb...
Aws autopilot
AIM361 Optimizing machine learning models with Amazon SageMaker (December 2019)
AWS re:Invent 2018 - AIM302 - Machine Learning at the Edge
Ad

Similar to Build, Train and Deploy Machine Learning Models at Scale (April 2019) (20)

PPTX
Deep Dive Amazon SageMaker
PPTX
AWS re:Invent 2018 - ENT321 - SageMaker Workshop
PDF
Julien Simon, Principal Technical Evangelist at Amazon - Machine Learning: Fr...
PPTX
An Introduction to Amazon SageMaker (October 2018)
PPTX
AWS Toronto Summit 2019 - AIM302 - Build, train, and deploy ML models with Am...
PDF
Amazon SageMaker workshop
PPTX
Machine Learning: From Notebook to Production with Amazon Sagemaker (January ...
PDF
AWS Summit Singapore 2019 | Build, Train and Deploy Deep Learning Models on A...
PDF
Amazon SageMaker Build, Train and Deploy Your ML Models
PDF
Innovation Track AWS Cloud Experience Argentina - Democratizing Artificial In...
PDF
Data Summer Conf 2018, “Build, train, and deploy machine learning models at s...
PDF
Accelerate your Machine Learning workflows with Amazon SageMaker
PPTX
AWS re:Invent 2018 - Machine Learning recap (December 2018)
PPTX
Machine Learning: From Notebook to Production with Amazon Sagemaker (April 2018)
PPTX
Deep Learning with TensorFlow and Apache MXNet on Amazon SageMaker (March 2019)
PPTX
Uu 2019-05-08 - machine learning -alternative
PPTX
Quickly and easily build, train, and deploy machine learning models at any scale
PPTX
WhereML a Serverless ML Powered Location Guessing Twitter Bot
PDF
DataXDay - Machine learning models at scale with Amazon SageMaker
PDF
Unleash the Power of ML with AWS | AWS Summit Tel Aviv 2019
Deep Dive Amazon SageMaker
AWS re:Invent 2018 - ENT321 - SageMaker Workshop
Julien Simon, Principal Technical Evangelist at Amazon - Machine Learning: Fr...
An Introduction to Amazon SageMaker (October 2018)
AWS Toronto Summit 2019 - AIM302 - Build, train, and deploy ML models with Am...
Amazon SageMaker workshop
Machine Learning: From Notebook to Production with Amazon Sagemaker (January ...
AWS Summit Singapore 2019 | Build, Train and Deploy Deep Learning Models on A...
Amazon SageMaker Build, Train and Deploy Your ML Models
Innovation Track AWS Cloud Experience Argentina - Democratizing Artificial In...
Data Summer Conf 2018, “Build, train, and deploy machine learning models at s...
Accelerate your Machine Learning workflows with Amazon SageMaker
AWS re:Invent 2018 - Machine Learning recap (December 2018)
Machine Learning: From Notebook to Production with Amazon Sagemaker (April 2018)
Deep Learning with TensorFlow and Apache MXNet on Amazon SageMaker (March 2019)
Uu 2019-05-08 - machine learning -alternative
Quickly and easily build, train, and deploy machine learning models at any scale
WhereML a Serverless ML Powered Location Guessing Twitter Bot
DataXDay - Machine learning models at scale with Amazon SageMaker
Unleash the Power of ML with AWS | AWS Summit Tel Aviv 2019
Ad

More from Julien SIMON (20)

PDF
Implementing high-quality and cost-effiient AI applications with small langua...
PDF
Optimiser vos workloads AI/ML sur Amazon EC2 et AWS Graviton
PDF
Trying to figure out MCP by actually building an app from scratch with open s...
PDF
Arcee AI - building and working with small language models (06/25)
PDF
deep_dive_multihead_latent_attention.pdf
PDF
Deep Dive: Model Distillation with DistillKit
PDF
Deep Dive: Parameter-Efficient Model Adaptation with LoRA and Spectrum
PDF
Building High-Quality Domain-Specific Models with Mergekit
PDF
Tailoring Small Language Models for Enterprise Use Cases
PDF
Tailoring Small Language Models for Enterprise Use Cases
PDF
Julien Simon - Deep Dive: Compiling Deep Learning Models
PDF
Tailoring Small Language Models for Enterprise Use Cases
PDF
Julien Simon - Deep Dive - Optimizing LLM Inference
PDF
Julien Simon - Deep Dive - Accelerating Models with Better Attention Layers
PDF
Julien Simon - Deep Dive - Quantizing LLMs
PDF
Julien Simon - Deep Dive - Model Merging
PDF
An introduction to computer vision with Hugging Face
PDF
Reinventing Deep Learning
 with Hugging Face Transformers
PDF
Building NLP applications with Transformers
PPTX
Building Machine Learning Models Automatically (June 2020)
Implementing high-quality and cost-effiient AI applications with small langua...
Optimiser vos workloads AI/ML sur Amazon EC2 et AWS Graviton
Trying to figure out MCP by actually building an app from scratch with open s...
Arcee AI - building and working with small language models (06/25)
deep_dive_multihead_latent_attention.pdf
Deep Dive: Model Distillation with DistillKit
Deep Dive: Parameter-Efficient Model Adaptation with LoRA and Spectrum
Building High-Quality Domain-Specific Models with Mergekit
Tailoring Small Language Models for Enterprise Use Cases
Tailoring Small Language Models for Enterprise Use Cases
Julien Simon - Deep Dive: Compiling Deep Learning Models
Tailoring Small Language Models for Enterprise Use Cases
Julien Simon - Deep Dive - Optimizing LLM Inference
Julien Simon - Deep Dive - Accelerating Models with Better Attention Layers
Julien Simon - Deep Dive - Quantizing LLMs
Julien Simon - Deep Dive - Model Merging
An introduction to computer vision with Hugging Face
Reinventing Deep Learning
 with Hugging Face Transformers
Building NLP applications with Transformers
Building Machine Learning Models Automatically (June 2020)

Recently uploaded (20)

PPTX
Detection-First SIEM: Rule Types, Dashboards, and Threat-Informed Strategy
PPTX
ACSFv1EN-58255 AWS Academy Cloud Security Foundations.pptx
PDF
Diabetes mellitus diagnosis method based random forest with bat algorithm
DOCX
The AUB Centre for AI in Media Proposal.docx
PDF
Architecting across the Boundaries of two Complex Domains - Healthcare & Tech...
PDF
Peak of Data & AI Encore- AI for Metadata and Smarter Workflows
PDF
Unlocking AI with Model Context Protocol (MCP)
PDF
Approach and Philosophy of On baking technology
PDF
7 ChatGPT Prompts to Help You Define Your Ideal Customer Profile.pdf
PDF
Machine learning based COVID-19 study performance prediction
PDF
Encapsulation theory and applications.pdf
PDF
Advanced methodologies resolving dimensionality complications for autism neur...
PDF
Build a system with the filesystem maintained by OSTree @ COSCUP 2025
PDF
Building Integrated photovoltaic BIPV_UPV.pdf
PDF
Profit Center Accounting in SAP S/4HANA, S4F28 Col11
PPTX
Understanding_Digital_Forensics_Presentation.pptx
PPTX
Big Data Technologies - Introduction.pptx
PDF
Empathic Computing: Creating Shared Understanding
PDF
Spectral efficient network and resource selection model in 5G networks
PDF
Dropbox Q2 2025 Financial Results & Investor Presentation
Detection-First SIEM: Rule Types, Dashboards, and Threat-Informed Strategy
ACSFv1EN-58255 AWS Academy Cloud Security Foundations.pptx
Diabetes mellitus diagnosis method based random forest with bat algorithm
The AUB Centre for AI in Media Proposal.docx
Architecting across the Boundaries of two Complex Domains - Healthcare & Tech...
Peak of Data & AI Encore- AI for Metadata and Smarter Workflows
Unlocking AI with Model Context Protocol (MCP)
Approach and Philosophy of On baking technology
7 ChatGPT Prompts to Help You Define Your Ideal Customer Profile.pdf
Machine learning based COVID-19 study performance prediction
Encapsulation theory and applications.pdf
Advanced methodologies resolving dimensionality complications for autism neur...
Build a system with the filesystem maintained by OSTree @ COSCUP 2025
Building Integrated photovoltaic BIPV_UPV.pdf
Profit Center Accounting in SAP S/4HANA, S4F28 Col11
Understanding_Digital_Forensics_Presentation.pptx
Big Data Technologies - Introduction.pptx
Empathic Computing: Creating Shared Understanding
Spectral efficient network and resource selection model in 5G networks
Dropbox Q2 2025 Financial Results & Investor Presentation

Build, Train and Deploy Machine Learning Models at Scale (April 2019)

  • 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. TheAmazon SageMakerAPI • 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 PrincipalComponent Analysis K-Means Clustering XGBoost And more Built-inAlgorithms BringYour Own ContainerBringYour 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 NeuralTopic Model: topic modeling XGBoost: regression, classification, ranking https://github.com/dmlc/xgboost Latent DirichletAllocation: topic modeling (mostly) K-Means: clustering BlazingText:GPU-basedWord2Vec, and text classification Principal ComponentAnalysis: dimensionality reduction Sequence to Sequence: machine translation, speech speech to text and more RandomCut 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

Editor's Notes

  • #2: This talk is for builders I want to build a new app or website and I want it to work on every platform I want easily leverage AWS from my existing web or mobile apps and I don’t want to rewrite everything I want to learn about cool new development tools like React, GraphQL, CLIs, and serverless technologies I want to focus less on ops and configuration and more on my product If you recognize yourself in one of the previous sentences, you’re in the right room. TODO for the presenter : adjust the banner to the conference you will speak to.
  • #10: Once your model is trained and tuned, SageMaker makes it easy to deploy in production so you can start generating predictions on new data (a process called inference). Amazon SageMaker deploys your model on an auto-scaling cluster of Amazon EC2 instances that are spread across multiple availability zones to deliver both high performance and high availability. It also includes built-in A/B testing capabilities to help you test your model and experiment with different versions to achieve the best results.   For maximum versatility, we designed Amazon SageMaker in three modules – Build, Train, and Deploy – that can be used together or independently as part of any existing ML workflow you might already have in place.
  • #17: Seq2Seq: used by Amazon Translate and AWS Sockeye LDA: used by Amazon Comprehend
  • #21: Source: XGBoost research paper https://arxiv.org/abs/1603.02754
  • #26: Once your model is trained and tuned, SageMaker makes it easy to deploy in production so you can start generating predictions on new data (a process called inference). Amazon SageMaker deploys your model on an auto-scaling cluster of Amazon EC2 instances that are spread across multiple availability zones to deliver both high performance and high availability. It also includes built-in A/B testing capabilities to help you test your model and experiment with different versions to achieve the best results.   For maximum versatility, we designed Amazon SageMaker in three modules – Build, Train, and Deploy – that can be used together or independently as part of any existing ML workflow you might already have in place.
  • #28: TODO for the presenter : adjust the banner to the conference you will speak to.