SlideShare a Scribd company logo
S U M M I T
TORONTO
© 2019, Amazon Web Services, Inc. or its affiliates. All rights reserved.S U M M I T
Build, train, and deploy ML models
withAmazonSageMaker
Jonathan Dion
Senior Technical Evangelist
Amazon Web Services
jondion@amazon.com
@jotdion
linkedin.com/in/jotdion
A I M 3 0 2
© 2019, Amazon Web Services, Inc. or its affiliates. All rights reserved.S U M M I T
Agenda
• Welcome & housekeeping
• Slides: quick overview of Amazon SageMaker
• Labs
• What we’ll cover today:
• Loading data from Amazon Simple Storage Service (Amazon S3)
• Training and deploying with built-in algorithms
• Finding optimal hyperparameters with Automatic ModelTuning
• Running HTTPS predictions and batch predictions
• Beyond built-in algorithms: a peek at Deep Learning
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
Housekeeping
• Please be a good neighbor 
• Turn off network backups and any network-hogging apps
• Switch your phones to silent mode
• Help the people around you if you can
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
AmazonSageMaker
Collect and prepare
training data
Choose and optimize
your ML algorithm
Set up and manage
environments for
training
Train and tune model
(trial and error)
Deploy model
in production
Scale and manage the
production
environment
Easily build, train, and deploy machine learning models
© 2019, Amazon Web Services, Inc. or its affiliates. All rights reserved.S U M M I T
AmazonSageMaker
Notebook
instances
K-Means Clustering
Principal Component Analysis
Neural Topic Modelling
Factorization Machines
Linear Learner
XGBoost
Latent Dirichlet Allocation
Image Classification
Seq2Seq,
And more!
ALGORITHMS
Apache MXNet, Chainer
TensorFlow, PyTorch
Caffe2, CNTK,
Torch
FRAMEWORKS Set up and manage
environments for training
Train and tune
model (trial and
error)
Deploy model
in production
Scale and manage the
production environment
Built-in, high-
performance
algorithms
Build
© 2019, Amazon Web Services, Inc. or its affiliates. All rights reserved.S U M M I T
AmazonSageMaker
Notebook
instances
Built-in, high-
performance
algorithms
One-click
training
Automatic
Model Tuning
Build Train
Deploy model
in production
Scale and manage the
production
environment
© 2019, Amazon Web Services, Inc. or its affiliates. All rights reserved.S U M M I T
AmazonSageMaker
Fully managed hosting
with auto-scaling
One-click
deployment
Notebook
instances
Built-in, high-
performance
algorithms
One-click
training
Automatic
Model Tuning
Build Train Deploy
© 2019, Amazon Web Services, Inc. or its affiliates. All rights reserved.S U M M I T
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
© 2019, Amazon Web Services, Inc. or its affiliates. All rights reserved.S U M M I T
Training Code
Factorization Machines
Linear Learner
Principal Component Analysis
K-Means
XGBoost
And more
Built-in Algorithms BringYour Own ContainerBringYour Own Script
Model options
© 2019, Amazon Web Services, Inc. or its affiliates. All rights reserved.S U M M I T
AmazonSageMakerSDK
• Python SDK orchestrating allAmazon SageMaker activity
• Algorithm selection, training, deploying, hyperparameter optimization, and so on
• There’s also a Spark SDK (Python and Scala) which we won’t cover today
• High-level objects for:
• Some built-in algos: Kmeans, PCA, and the like
• Deep learning libraries:TensorFlow, MXNet, PyTorch, Chainer
• Sagemaker.estimator.estimator for everything else
https://github.com/aws/sagemaker-python-sdk
https://sagemaker.readthedocs.io/en/latest/
© 2019, Amazon Web Services, Inc. or its affiliates. All rights reserved.S U M M I T
Built-in algorithms
pink:supervised,blue:unsupervised
Linear learner: regression, classification Image classification: deep learning (ResNet)
Factorization machines: regression, classification,
recommendation
Object detection: 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 embeddings IP Insights: usage patterns for IP addresses
© 2019, Amazon Web Services, Inc. or its affiliates. All rights reserved.S U M M I T
XGBoost
• Open Source project
• Popular tree-based algorithm
for regression, classification and
ranking
• 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
© 2019, Amazon Web Services, Inc. or its affiliates. All rights reserved.S U M M I T
Confusion matrix
True
Negative
False
Positive
False
Negative
True
Positive
Actual
Predict
0
1
0 1
3407 231
257 224
Actual
Predict
0
1
0 1
© 2019, Amazon Web Services, Inc. or its affiliates. All rights reserved.S U M M I T
Loading training datafromAmazonS3
• Two modes: File Mode and Pipe Mode
• input_mode parameter in sagemaker.estimator.estimator
• File Mode copies the data set to training instances
• You need to provision enough storage
• S3DataSource object
• S3DataDistributionType : FullyReplicated | ShardedByS3Key
• Different data formats are supported: CSV, protobuf, JSON, libsvm (check algo docs!)
• Pipe Mode streams the data set to training instances
• This allows you to process infinitely-large data sets
• Training starts faster
• This mode is supported by some built-in algos as well asTensorFlow
• Your data set must be in recordIO-encoded protobuf format.
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
ProblemStatement
Direct marketing is a common tactic to acquire customers. Because
resources and a customer's attention is limited, the goal is to only target the
subset of prospects who are likely to engage with a specific offer.
Predicting those potential customers based on readily available information
like demographics, past interactions, and environmental factors is a
common machine learning problem.
We will train a model using XGBoost on a Bank Marketing Dataset provided
by UCI’s ML Repository to predict if a customer will enroll for a term deposit
at a bank, after one or more phone calls.
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
Labs
1. Preparing the data
2. Training our first model with XGBoost
3. Deploying our model
4. Predicting with our model using HTTPS
5. Running batch predictions with our model
6. Manually tuning our model
7. Finding optimal hyperparameters with Automatic ModelTuning
8. Deploying our new model
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
Resources
https://ml.aws
https://aws.amazon.com/sagemaker
https://github.com/awslabs/amazon-sagemaker-examples
https://github.com/aws/sagemaker-python-sdk
https://github.com/awslabs/amazon-sagemaker-workshop
Thank you!
S U M M I T © 2019, Amazon Web Services, Inc. or its affiliates. All rights reserved.
Jonathan Dion
SeniorTechnical Evangelist
AmazonWeb Services
@jotdion
linkedin.com/in/jotdion
S U M M I T © 2019, Amazon Web Services, Inc. or its affiliates. All rights reserved.
Please complete the session survey
in the mobile app.
Complete three surveys, and you’ll
receive a gift at the Help Desk.

More Related Content

What's hot

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
 
AI/ML Week: Support Fraud Analytics & Risk Management
AI/ML Week: Support Fraud Analytics & Risk ManagementAI/ML Week: Support Fraud Analytics & Risk Management
AI/ML Week: Support Fraud Analytics & Risk Management
Amazon Web Services
 
AI/ML Week: Innovate Digital Content Management
AI/ML Week: Innovate Digital Content ManagementAI/ML Week: Innovate Digital Content Management
AI/ML Week: Innovate Digital Content Management
Amazon Web Services
 
Scale - Cloud Data Management with Veeam and AWS
Scale - Cloud Data Management with Veeam and AWSScale - Cloud Data Management with Veeam and AWS
Scale - Cloud Data Management with Veeam and AWS
Amazon Web Services
 
Introduction to Serverless computing and AWS Lambda - Floor28
Introduction to Serverless computing and AWS Lambda - Floor28Introduction to Serverless computing and AWS Lambda - Floor28
Introduction to Serverless computing and AWS Lambda - Floor28
Boaz Ziniman
 
How Nubank is building a customer-obsessed bank - FSV201 - New York AWS Summit
How Nubank is building a customer-obsessed bank - FSV201 - New York AWS SummitHow Nubank is building a customer-obsessed bank - FSV201 - New York AWS Summit
How Nubank is building a customer-obsessed bank - FSV201 - New York AWS Summit
Amazon Web Services
 
Amazon.com 의 개인화 추천 / 예측 기능을 우리도 써 봅시다. :: 심호진 - AWS Community Day 2019
Amazon.com 의 개인화 추천 / 예측 기능을 우리도 써 봅시다. :: 심호진 - AWS Community Day 2019Amazon.com 의 개인화 추천 / 예측 기능을 우리도 써 봅시다. :: 심호진 - AWS Community Day 2019
Amazon.com 의 개인화 추천 / 예측 기능을 우리도 써 봅시다. :: 심호진 - AWS Community Day 2019
AWSKRUG - AWS한국사용자모임
 
[REPEAT] Optimize your workloads with Amazon EC2 & AMD EPYC - DEM01-R - Santa...
[REPEAT] Optimize your workloads with Amazon EC2 & AMD EPYC - DEM01-R - Santa...[REPEAT] Optimize your workloads with Amazon EC2 & AMD EPYC - DEM01-R - Santa...
[REPEAT] Optimize your workloads with Amazon EC2 & AMD EPYC - DEM01-R - Santa...
Amazon Web Services
 
MongoDB .local London 2019: Using AWS to Transform Customer Data in MongoDB i...
MongoDB .local London 2019: Using AWS to Transform Customer Data in MongoDB i...MongoDB .local London 2019: Using AWS to Transform Customer Data in MongoDB i...
MongoDB .local London 2019: Using AWS to Transform Customer Data in MongoDB i...
Lisa Roth, PMP
 
Building real-time applications with Amazon ElastiCache - ADB204 - Anaheim AW...
Building real-time applications with Amazon ElastiCache - ADB204 - Anaheim AW...Building real-time applications with Amazon ElastiCache - ADB204 - Anaheim AW...
Building real-time applications with Amazon ElastiCache - ADB204 - Anaheim AW...
Amazon Web Services
 
Atlas Ad-Serving Server - Advertising at scale at Facebook
Atlas Ad-Serving Server - Advertising at scale at FacebookAtlas Ad-Serving Server - Advertising at scale at Facebook
Atlas Ad-Serving Server - Advertising at scale at Facebook
Trieu Nguyen
 
Accelerate_Digital_Transformation_through_AI-powered_Cloud_Analytics_Moderniz...
Accelerate_Digital_Transformation_through_AI-powered_Cloud_Analytics_Moderniz...Accelerate_Digital_Transformation_through_AI-powered_Cloud_Analytics_Moderniz...
Accelerate_Digital_Transformation_through_AI-powered_Cloud_Analytics_Moderniz...
Amazon Web Services
 
Working with Open Data in the Cloud
Working with Open Data in the CloudWorking with Open Data in the Cloud
Working with Open Data in the Cloud
Amazon Web Services
 
Use Amazon Rekognition to Power Video Creative Asset Production (ADT202) - AW...
Use Amazon Rekognition to Power Video Creative Asset Production (ADT202) - AW...Use Amazon Rekognition to Power Video Creative Asset Production (ADT202) - AW...
Use Amazon Rekognition to Power Video Creative Asset Production (ADT202) - AW...
Amazon Web Services
 
Accelerate your journey to AI: IBM Cloud Pak for Data on AWS - DEM18-S - New ...
Accelerate your journey to AI: IBM Cloud Pak for Data on AWS - DEM18-S - New ...Accelerate your journey to AI: IBM Cloud Pak for Data on AWS - DEM18-S - New ...
Accelerate your journey to AI: IBM Cloud Pak for Data on AWS - DEM18-S - New ...
Amazon Web Services
 
Bonus-Session-Interledger-DvP-Settlement-on-Amazon-Managed-Blockchain
Bonus-Session-Interledger-DvP-Settlement-on-Amazon-Managed-BlockchainBonus-Session-Interledger-DvP-Settlement-on-Amazon-Managed-Blockchain
Bonus-Session-Interledger-DvP-Settlement-on-Amazon-Managed-Blockchain
Amazon Web Services
 
Building with AWS Databases: Match Your Workload to the Right Database | AWS ...
Building with AWS Databases: Match Your Workload to the Right Database | AWS ...Building with AWS Databases: Match Your Workload to the Right Database | AWS ...
Building with AWS Databases: Match Your Workload to the Right Database | AWS ...
AWS Summits
 
Machine Learning at the Edge
Machine Learning at the EdgeMachine Learning at the Edge
Machine Learning at the Edge
Amazon Web Services
 
Build Computer Vision Applications with Amazon Rekognition and SageMaker
Build Computer Vision Applications with Amazon Rekognition and SageMakerBuild Computer Vision Applications with Amazon Rekognition and SageMaker
Build Computer Vision Applications with Amazon Rekognition and SageMaker
Sungmin Kim
 
Drive innovation in Financial Services with Amazon EC2 - CMP204 - New York AW...
Drive innovation in Financial Services with Amazon EC2 - CMP204 - New York AW...Drive innovation in Financial Services with Amazon EC2 - CMP204 - New York AW...
Drive innovation in Financial Services with Amazon EC2 - CMP204 - New York AW...
Amazon Web Services
 

What's hot (20)

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)
 
AI/ML Week: Support Fraud Analytics & Risk Management
AI/ML Week: Support Fraud Analytics & Risk ManagementAI/ML Week: Support Fraud Analytics & Risk Management
AI/ML Week: Support Fraud Analytics & Risk Management
 
AI/ML Week: Innovate Digital Content Management
AI/ML Week: Innovate Digital Content ManagementAI/ML Week: Innovate Digital Content Management
AI/ML Week: Innovate Digital Content Management
 
Scale - Cloud Data Management with Veeam and AWS
Scale - Cloud Data Management with Veeam and AWSScale - Cloud Data Management with Veeam and AWS
Scale - Cloud Data Management with Veeam and AWS
 
Introduction to Serverless computing and AWS Lambda - Floor28
Introduction to Serverless computing and AWS Lambda - Floor28Introduction to Serverless computing and AWS Lambda - Floor28
Introduction to Serverless computing and AWS Lambda - Floor28
 
How Nubank is building a customer-obsessed bank - FSV201 - New York AWS Summit
How Nubank is building a customer-obsessed bank - FSV201 - New York AWS SummitHow Nubank is building a customer-obsessed bank - FSV201 - New York AWS Summit
How Nubank is building a customer-obsessed bank - FSV201 - New York AWS Summit
 
Amazon.com 의 개인화 추천 / 예측 기능을 우리도 써 봅시다. :: 심호진 - AWS Community Day 2019
Amazon.com 의 개인화 추천 / 예측 기능을 우리도 써 봅시다. :: 심호진 - AWS Community Day 2019Amazon.com 의 개인화 추천 / 예측 기능을 우리도 써 봅시다. :: 심호진 - AWS Community Day 2019
Amazon.com 의 개인화 추천 / 예측 기능을 우리도 써 봅시다. :: 심호진 - AWS Community Day 2019
 
[REPEAT] Optimize your workloads with Amazon EC2 & AMD EPYC - DEM01-R - Santa...
[REPEAT] Optimize your workloads with Amazon EC2 & AMD EPYC - DEM01-R - Santa...[REPEAT] Optimize your workloads with Amazon EC2 & AMD EPYC - DEM01-R - Santa...
[REPEAT] Optimize your workloads with Amazon EC2 & AMD EPYC - DEM01-R - Santa...
 
MongoDB .local London 2019: Using AWS to Transform Customer Data in MongoDB i...
MongoDB .local London 2019: Using AWS to Transform Customer Data in MongoDB i...MongoDB .local London 2019: Using AWS to Transform Customer Data in MongoDB i...
MongoDB .local London 2019: Using AWS to Transform Customer Data in MongoDB i...
 
Building real-time applications with Amazon ElastiCache - ADB204 - Anaheim AW...
Building real-time applications with Amazon ElastiCache - ADB204 - Anaheim AW...Building real-time applications with Amazon ElastiCache - ADB204 - Anaheim AW...
Building real-time applications with Amazon ElastiCache - ADB204 - Anaheim AW...
 
Atlas Ad-Serving Server - Advertising at scale at Facebook
Atlas Ad-Serving Server - Advertising at scale at FacebookAtlas Ad-Serving Server - Advertising at scale at Facebook
Atlas Ad-Serving Server - Advertising at scale at Facebook
 
Accelerate_Digital_Transformation_through_AI-powered_Cloud_Analytics_Moderniz...
Accelerate_Digital_Transformation_through_AI-powered_Cloud_Analytics_Moderniz...Accelerate_Digital_Transformation_through_AI-powered_Cloud_Analytics_Moderniz...
Accelerate_Digital_Transformation_through_AI-powered_Cloud_Analytics_Moderniz...
 
Working with Open Data in the Cloud
Working with Open Data in the CloudWorking with Open Data in the Cloud
Working with Open Data in the Cloud
 
Use Amazon Rekognition to Power Video Creative Asset Production (ADT202) - AW...
Use Amazon Rekognition to Power Video Creative Asset Production (ADT202) - AW...Use Amazon Rekognition to Power Video Creative Asset Production (ADT202) - AW...
Use Amazon Rekognition to Power Video Creative Asset Production (ADT202) - AW...
 
Accelerate your journey to AI: IBM Cloud Pak for Data on AWS - DEM18-S - New ...
Accelerate your journey to AI: IBM Cloud Pak for Data on AWS - DEM18-S - New ...Accelerate your journey to AI: IBM Cloud Pak for Data on AWS - DEM18-S - New ...
Accelerate your journey to AI: IBM Cloud Pak for Data on AWS - DEM18-S - New ...
 
Bonus-Session-Interledger-DvP-Settlement-on-Amazon-Managed-Blockchain
Bonus-Session-Interledger-DvP-Settlement-on-Amazon-Managed-BlockchainBonus-Session-Interledger-DvP-Settlement-on-Amazon-Managed-Blockchain
Bonus-Session-Interledger-DvP-Settlement-on-Amazon-Managed-Blockchain
 
Building with AWS Databases: Match Your Workload to the Right Database | AWS ...
Building with AWS Databases: Match Your Workload to the Right Database | AWS ...Building with AWS Databases: Match Your Workload to the Right Database | AWS ...
Building with AWS Databases: Match Your Workload to the Right Database | AWS ...
 
Machine Learning at the Edge
Machine Learning at the EdgeMachine Learning at the Edge
Machine Learning at the Edge
 
Build Computer Vision Applications with Amazon Rekognition and SageMaker
Build Computer Vision Applications with Amazon Rekognition and SageMakerBuild Computer Vision Applications with Amazon Rekognition and SageMaker
Build Computer Vision Applications with Amazon Rekognition and SageMaker
 
Drive innovation in Financial Services with Amazon EC2 - CMP204 - New York AW...
Drive innovation in Financial Services with Amazon EC2 - CMP204 - New York AW...Drive innovation in Financial Services with Amazon EC2 - CMP204 - New York AW...
Drive innovation in Financial Services with Amazon EC2 - CMP204 - New York AW...
 

Similar to AWS Toronto Summit 2019 - AIM302 - Build, train, and deploy ML models with Amazon SageMaker

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
 
AWS re:Invent 2018 - ENT321 - SageMaker Workshop
AWS re:Invent 2018 - ENT321 - SageMaker WorkshopAWS re:Invent 2018 - ENT321 - SageMaker Workshop
AWS re:Invent 2018 - ENT321 - SageMaker Workshop
Julien SIMON
 
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 Web Services
 
Build, train and deploy ML models with SageMaker (October 2019)
Build, train and deploy ML models with SageMaker (October 2019)Build, train and deploy ML models with SageMaker (October 2019)
Build, train and deploy ML models with SageMaker (October 2019)
Julien SIMON
 
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
Randall Hunt
 
An Introduction to Amazon SageMaker (October 2018)
An Introduction to Amazon SageMaker (October 2018)An Introduction to Amazon SageMaker (October 2018)
An Introduction to Amazon SageMaker (October 2018)
Julien SIMON
 
Amazon SageMaker (December 2018)
Amazon SageMaker (December 2018)Amazon SageMaker (December 2018)
Amazon SageMaker (December 2018)
Julien SIMON
 
Julien Simon, Principal Technical Evangelist at Amazon - Machine Learning: Fr...
Julien Simon, Principal Technical Evangelist at Amazon - Machine Learning: Fr...Julien Simon, Principal Technical Evangelist at Amazon - Machine Learning: Fr...
Julien Simon, Principal Technical Evangelist at Amazon - Machine Learning: Fr...
Codiax
 
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
Amazon Web Services
 
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
 
Build, Train, and Deploy Machine Learning for the Enterprise with Amazon Sage...
Build, Train, and Deploy Machine Learning for the Enterprise with Amazon Sage...Build, Train, and Deploy Machine Learning for the Enterprise with Amazon Sage...
Build, Train, and Deploy Machine Learning for the Enterprise with Amazon Sage...
Amazon Web Services
 
Amazon SageMaker Build, Train and Deploy Your ML Models
Amazon SageMaker Build, Train and Deploy Your ML ModelsAmazon SageMaker Build, Train and Deploy Your ML Models
Amazon SageMaker Build, Train and Deploy Your ML Models
AWS Riyadh User Group
 
Building, Training, and Deploying fast.ai Models Using Amazon SageMaker (AIM4...
Building, Training, and Deploying fast.ai Models Using Amazon SageMaker (AIM4...Building, Training, and Deploying fast.ai Models Using Amazon SageMaker (AIM4...
Building, Training, and Deploying fast.ai Models Using Amazon SageMaker (AIM4...
Amazon 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 Summit
Amazon Web Services
 
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
Amazon 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
 
Supercharge Your Machine Learning Model with Amazon SageMaker
Supercharge Your Machine Learning Model with Amazon SageMakerSupercharge Your Machine Learning Model with Amazon SageMaker
Supercharge Your Machine Learning Model with Amazon SageMaker
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 Summit
Amazon Web Services
 
Dennis Hills - Top 5 Ways to Build Machine Learning Prediction on the Edge fo...
Dennis Hills - Top 5 Ways to Build Machine Learning Prediction on the Edge fo...Dennis Hills - Top 5 Ways to Build Machine Learning Prediction on the Edge fo...
Dennis Hills - Top 5 Ways to Build Machine Learning Prediction on the Edge fo...
Amazon Web Services
 
Integrate Machine Learning into Your Spring Application in Less than an Hour
Integrate Machine Learning into Your Spring Application in Less than an HourIntegrate Machine Learning into Your Spring Application in Less than an Hour
Integrate Machine Learning into Your Spring Application in Less than an Hour
VMware Tanzu
 

Similar to AWS Toronto Summit 2019 - AIM302 - Build, train, and deploy ML models with Amazon SageMaker (20)

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)
 
AWS re:Invent 2018 - ENT321 - SageMaker Workshop
AWS re:Invent 2018 - ENT321 - SageMaker WorkshopAWS re:Invent 2018 - ENT321 - SageMaker Workshop
AWS re:Invent 2018 - ENT321 - SageMaker Workshop
 
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
 
Build, train and deploy ML models with SageMaker (October 2019)
Build, train and deploy ML models with SageMaker (October 2019)Build, train and deploy ML models with SageMaker (October 2019)
Build, train and deploy ML models with SageMaker (October 2019)
 
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
 
An Introduction to Amazon SageMaker (October 2018)
An Introduction to Amazon SageMaker (October 2018)An Introduction to Amazon SageMaker (October 2018)
An Introduction to Amazon SageMaker (October 2018)
 
Amazon SageMaker (December 2018)
Amazon SageMaker (December 2018)Amazon SageMaker (December 2018)
Amazon SageMaker (December 2018)
 
Julien Simon, Principal Technical Evangelist at Amazon - Machine Learning: Fr...
Julien Simon, Principal Technical Evangelist at Amazon - Machine Learning: Fr...Julien Simon, Principal Technical Evangelist at Amazon - Machine Learning: Fr...
Julien Simon, Principal Technical Evangelist at Amazon - Machine Learning: Fr...
 
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
 
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...
 
Build, Train, and Deploy Machine Learning for the Enterprise with Amazon Sage...
Build, Train, and Deploy Machine Learning for the Enterprise with Amazon Sage...Build, Train, and Deploy Machine Learning for the Enterprise with Amazon Sage...
Build, Train, and Deploy Machine Learning for the Enterprise with Amazon Sage...
 
Amazon SageMaker Build, Train and Deploy Your ML Models
Amazon SageMaker Build, Train and Deploy Your ML ModelsAmazon SageMaker Build, Train and Deploy Your ML Models
Amazon SageMaker Build, Train and Deploy Your ML Models
 
Building, Training, and Deploying fast.ai Models Using Amazon SageMaker (AIM4...
Building, Training, and Deploying fast.ai Models Using Amazon SageMaker (AIM4...Building, Training, and Deploying fast.ai Models Using Amazon SageMaker (AIM4...
Building, Training, and Deploying fast.ai Models Using Amazon SageMaker (AIM4...
 
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
 
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)
 
Supercharge Your Machine Learning Model with Amazon SageMaker
Supercharge Your Machine Learning Model with Amazon SageMakerSupercharge Your Machine Learning Model with Amazon SageMaker
Supercharge Your Machine Learning Model with Amazon SageMaker
 
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
 
Dennis Hills - Top 5 Ways to Build Machine Learning Prediction on the Edge fo...
Dennis Hills - Top 5 Ways to Build Machine Learning Prediction on the Edge fo...Dennis Hills - Top 5 Ways to Build Machine Learning Prediction on the Edge fo...
Dennis Hills - Top 5 Ways to Build Machine Learning Prediction on the Edge fo...
 
Integrate Machine Learning into Your Spring Application in Less than an Hour
Integrate Machine Learning into Your Spring Application in Less than an HourIntegrate Machine Learning into Your Spring Application in Less than an Hour
Integrate Machine Learning into Your Spring Application in Less than an Hour
 

Recently uploaded

Taking AI to the Next Level in Manufacturing.pdf
Taking AI to the Next Level in Manufacturing.pdfTaking AI to the Next Level in Manufacturing.pdf
Taking AI to the Next Level in Manufacturing.pdf
ssuserfac0301
 
SAP S/4 HANA sourcing and procurement to Public cloud
SAP S/4 HANA sourcing and procurement to Public cloudSAP S/4 HANA sourcing and procurement to Public cloud
SAP S/4 HANA sourcing and procurement to Public cloud
maazsz111
 
Energy Efficient Video Encoding for Cloud and Edge Computing Instances
Energy Efficient Video Encoding for Cloud and Edge Computing InstancesEnergy Efficient Video Encoding for Cloud and Edge Computing Instances
Energy Efficient Video Encoding for Cloud and Edge Computing Instances
Alpen-Adria-Universität
 
JavaLand 2024: Application Development Green Masterplan
JavaLand 2024: Application Development Green MasterplanJavaLand 2024: Application Development Green Masterplan
JavaLand 2024: Application Development Green Masterplan
Miro Wengner
 
Deep Dive: AI-Powered Marketing to Get More Leads and Customers with HyperGro...
Deep Dive: AI-Powered Marketing to Get More Leads and Customers with HyperGro...Deep Dive: AI-Powered Marketing to Get More Leads and Customers with HyperGro...
Deep Dive: AI-Powered Marketing to Get More Leads and Customers with HyperGro...
saastr
 
5th LF Energy Power Grid Model Meet-up Slides
5th LF Energy Power Grid Model Meet-up Slides5th LF Energy Power Grid Model Meet-up Slides
5th LF Energy Power Grid Model Meet-up Slides
DanBrown980551
 
Monitoring and Managing Anomaly Detection on OpenShift.pdf
Monitoring and Managing Anomaly Detection on OpenShift.pdfMonitoring and Managing Anomaly Detection on OpenShift.pdf
Monitoring and Managing Anomaly Detection on OpenShift.pdf
Tosin Akinosho
 
Presentation of the OECD Artificial Intelligence Review of Germany
Presentation of the OECD Artificial Intelligence Review of GermanyPresentation of the OECD Artificial Intelligence Review of Germany
Presentation of the OECD Artificial Intelligence Review of Germany
innovationoecd
 
TrustArc Webinar - 2024 Global Privacy Survey
TrustArc Webinar - 2024 Global Privacy SurveyTrustArc Webinar - 2024 Global Privacy Survey
TrustArc Webinar - 2024 Global Privacy Survey
TrustArc
 
Driving Business Innovation: Latest Generative AI Advancements & Success Story
Driving Business Innovation: Latest Generative AI Advancements & Success StoryDriving Business Innovation: Latest Generative AI Advancements & Success Story
Driving Business Innovation: Latest Generative AI Advancements & Success Story
Safe Software
 
How to Interpret Trends in the Kalyan Rajdhani Mix Chart.pdf
How to Interpret Trends in the Kalyan Rajdhani Mix Chart.pdfHow to Interpret Trends in the Kalyan Rajdhani Mix Chart.pdf
How to Interpret Trends in the Kalyan Rajdhani Mix Chart.pdf
Chart Kalyan
 
Astute Business Solutions | Oracle Cloud Partner |
Astute Business Solutions | Oracle Cloud Partner |Astute Business Solutions | Oracle Cloud Partner |
Astute Business Solutions | Oracle Cloud Partner |
AstuteBusiness
 
Building Production Ready Search Pipelines with Spark and Milvus
Building Production Ready Search Pipelines with Spark and MilvusBuilding Production Ready Search Pipelines with Spark and Milvus
Building Production Ready Search Pipelines with Spark and Milvus
Zilliz
 
FREE A4 Cyber Security Awareness Posters-Social Engineering part 3
FREE A4 Cyber Security Awareness  Posters-Social Engineering part 3FREE A4 Cyber Security Awareness  Posters-Social Engineering part 3
FREE A4 Cyber Security Awareness Posters-Social Engineering part 3
Data Hops
 
Skybuffer SAM4U tool for SAP license adoption
Skybuffer SAM4U tool for SAP license adoptionSkybuffer SAM4U tool for SAP license adoption
Skybuffer SAM4U tool for SAP license adoption
Tatiana Kojar
 
Salesforce Integration for Bonterra Impact Management (fka Social Solutions A...
Salesforce Integration for Bonterra Impact Management (fka Social Solutions A...Salesforce Integration for Bonterra Impact Management (fka Social Solutions A...
Salesforce Integration for Bonterra Impact Management (fka Social Solutions A...
Jeffrey Haguewood
 
Programming Foundation Models with DSPy - Meetup Slides
Programming Foundation Models with DSPy - Meetup SlidesProgramming Foundation Models with DSPy - Meetup Slides
Programming Foundation Models with DSPy - Meetup Slides
Zilliz
 
Digital Banking in the Cloud: How Citizens Bank Unlocked Their Mainframe
Digital Banking in the Cloud: How Citizens Bank Unlocked Their MainframeDigital Banking in the Cloud: How Citizens Bank Unlocked Their Mainframe
Digital Banking in the Cloud: How Citizens Bank Unlocked Their Mainframe
Precisely
 
Digital Marketing Trends in 2024 | Guide for Staying Ahead
Digital Marketing Trends in 2024 | Guide for Staying AheadDigital Marketing Trends in 2024 | Guide for Staying Ahead
Digital Marketing Trends in 2024 | Guide for Staying Ahead
Wask
 
Generating privacy-protected synthetic data using Secludy and Milvus
Generating privacy-protected synthetic data using Secludy and MilvusGenerating privacy-protected synthetic data using Secludy and Milvus
Generating privacy-protected synthetic data using Secludy and Milvus
Zilliz
 

Recently uploaded (20)

Taking AI to the Next Level in Manufacturing.pdf
Taking AI to the Next Level in Manufacturing.pdfTaking AI to the Next Level in Manufacturing.pdf
Taking AI to the Next Level in Manufacturing.pdf
 
SAP S/4 HANA sourcing and procurement to Public cloud
SAP S/4 HANA sourcing and procurement to Public cloudSAP S/4 HANA sourcing and procurement to Public cloud
SAP S/4 HANA sourcing and procurement to Public cloud
 
Energy Efficient Video Encoding for Cloud and Edge Computing Instances
Energy Efficient Video Encoding for Cloud and Edge Computing InstancesEnergy Efficient Video Encoding for Cloud and Edge Computing Instances
Energy Efficient Video Encoding for Cloud and Edge Computing Instances
 
JavaLand 2024: Application Development Green Masterplan
JavaLand 2024: Application Development Green MasterplanJavaLand 2024: Application Development Green Masterplan
JavaLand 2024: Application Development Green Masterplan
 
Deep Dive: AI-Powered Marketing to Get More Leads and Customers with HyperGro...
Deep Dive: AI-Powered Marketing to Get More Leads and Customers with HyperGro...Deep Dive: AI-Powered Marketing to Get More Leads and Customers with HyperGro...
Deep Dive: AI-Powered Marketing to Get More Leads and Customers with HyperGro...
 
5th LF Energy Power Grid Model Meet-up Slides
5th LF Energy Power Grid Model Meet-up Slides5th LF Energy Power Grid Model Meet-up Slides
5th LF Energy Power Grid Model Meet-up Slides
 
Monitoring and Managing Anomaly Detection on OpenShift.pdf
Monitoring and Managing Anomaly Detection on OpenShift.pdfMonitoring and Managing Anomaly Detection on OpenShift.pdf
Monitoring and Managing Anomaly Detection on OpenShift.pdf
 
Presentation of the OECD Artificial Intelligence Review of Germany
Presentation of the OECD Artificial Intelligence Review of GermanyPresentation of the OECD Artificial Intelligence Review of Germany
Presentation of the OECD Artificial Intelligence Review of Germany
 
TrustArc Webinar - 2024 Global Privacy Survey
TrustArc Webinar - 2024 Global Privacy SurveyTrustArc Webinar - 2024 Global Privacy Survey
TrustArc Webinar - 2024 Global Privacy Survey
 
Driving Business Innovation: Latest Generative AI Advancements & Success Story
Driving Business Innovation: Latest Generative AI Advancements & Success StoryDriving Business Innovation: Latest Generative AI Advancements & Success Story
Driving Business Innovation: Latest Generative AI Advancements & Success Story
 
How to Interpret Trends in the Kalyan Rajdhani Mix Chart.pdf
How to Interpret Trends in the Kalyan Rajdhani Mix Chart.pdfHow to Interpret Trends in the Kalyan Rajdhani Mix Chart.pdf
How to Interpret Trends in the Kalyan Rajdhani Mix Chart.pdf
 
Astute Business Solutions | Oracle Cloud Partner |
Astute Business Solutions | Oracle Cloud Partner |Astute Business Solutions | Oracle Cloud Partner |
Astute Business Solutions | Oracle Cloud Partner |
 
Building Production Ready Search Pipelines with Spark and Milvus
Building Production Ready Search Pipelines with Spark and MilvusBuilding Production Ready Search Pipelines with Spark and Milvus
Building Production Ready Search Pipelines with Spark and Milvus
 
FREE A4 Cyber Security Awareness Posters-Social Engineering part 3
FREE A4 Cyber Security Awareness  Posters-Social Engineering part 3FREE A4 Cyber Security Awareness  Posters-Social Engineering part 3
FREE A4 Cyber Security Awareness Posters-Social Engineering part 3
 
Skybuffer SAM4U tool for SAP license adoption
Skybuffer SAM4U tool for SAP license adoptionSkybuffer SAM4U tool for SAP license adoption
Skybuffer SAM4U tool for SAP license adoption
 
Salesforce Integration for Bonterra Impact Management (fka Social Solutions A...
Salesforce Integration for Bonterra Impact Management (fka Social Solutions A...Salesforce Integration for Bonterra Impact Management (fka Social Solutions A...
Salesforce Integration for Bonterra Impact Management (fka Social Solutions A...
 
Programming Foundation Models with DSPy - Meetup Slides
Programming Foundation Models with DSPy - Meetup SlidesProgramming Foundation Models with DSPy - Meetup Slides
Programming Foundation Models with DSPy - Meetup Slides
 
Digital Banking in the Cloud: How Citizens Bank Unlocked Their Mainframe
Digital Banking in the Cloud: How Citizens Bank Unlocked Their MainframeDigital Banking in the Cloud: How Citizens Bank Unlocked Their Mainframe
Digital Banking in the Cloud: How Citizens Bank Unlocked Their Mainframe
 
Digital Marketing Trends in 2024 | Guide for Staying Ahead
Digital Marketing Trends in 2024 | Guide for Staying AheadDigital Marketing Trends in 2024 | Guide for Staying Ahead
Digital Marketing Trends in 2024 | Guide for Staying Ahead
 
Generating privacy-protected synthetic data using Secludy and Milvus
Generating privacy-protected synthetic data using Secludy and MilvusGenerating privacy-protected synthetic data using Secludy and Milvus
Generating privacy-protected synthetic data using Secludy and Milvus
 

AWS Toronto Summit 2019 - AIM302 - Build, train, and deploy ML models with Amazon SageMaker

  • 1. S U M M I T TORONTO
  • 2. © 2019, Amazon Web Services, Inc. or its affiliates. All rights reserved.S U M M I T Build, train, and deploy ML models withAmazonSageMaker Jonathan Dion Senior Technical Evangelist Amazon Web Services jondion@amazon.com @jotdion linkedin.com/in/jotdion A I M 3 0 2
  • 3. © 2019, Amazon Web Services, Inc. or its affiliates. All rights reserved.S U M M I T Agenda • Welcome & housekeeping • Slides: quick overview of Amazon SageMaker • Labs • What we’ll cover today: • Loading data from Amazon Simple Storage Service (Amazon S3) • Training and deploying with built-in algorithms • Finding optimal hyperparameters with Automatic ModelTuning • Running HTTPS predictions and batch predictions • Beyond built-in algorithms: a peek at Deep Learning
  • 4. S U M M I T © 2019, Amazon Web Services, Inc. or its affiliates. All rights reserved.
  • 5. © 2019, Amazon Web Services, Inc. or its affiliates. All rights reserved.S U M M I T Housekeeping • Please be a good neighbor  • Turn off network backups and any network-hogging apps • Switch your phones to silent mode • Help the people around you if you can
  • 6. S U M M I T © 2019, Amazon Web Services, Inc. or its affiliates. All rights reserved.
  • 7. © 2019, Amazon Web Services, Inc. or its affiliates. All rights reserved.S U M M I T AmazonSageMaker Collect and prepare training data Choose and optimize your ML algorithm Set up and manage environments for training Train and tune model (trial and error) Deploy model in production Scale and manage the production environment Easily build, train, and deploy machine learning models
  • 8. © 2019, Amazon Web Services, Inc. or its affiliates. All rights reserved.S U M M I T AmazonSageMaker Notebook instances K-Means Clustering Principal Component Analysis Neural Topic Modelling Factorization Machines Linear Learner XGBoost Latent Dirichlet Allocation Image Classification Seq2Seq, And more! ALGORITHMS Apache MXNet, Chainer TensorFlow, PyTorch Caffe2, CNTK, Torch FRAMEWORKS Set up and manage environments for training Train and tune model (trial and error) Deploy model in production Scale and manage the production environment Built-in, high- performance algorithms Build
  • 9. © 2019, Amazon Web Services, Inc. or its affiliates. All rights reserved.S U M M I T AmazonSageMaker Notebook instances Built-in, high- performance algorithms One-click training Automatic Model Tuning Build Train Deploy model in production Scale and manage the production environment
  • 10. © 2019, Amazon Web Services, Inc. or its affiliates. All rights reserved.S U M M I T AmazonSageMaker Fully managed hosting with auto-scaling One-click deployment Notebook instances Built-in, high- performance algorithms One-click training Automatic Model Tuning Build Train Deploy
  • 11. © 2019, Amazon Web Services, Inc. or its affiliates. All rights reserved.S U M M I T 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
  • 12. © 2019, Amazon Web Services, Inc. or its affiliates. All rights reserved.S U M M I T Training Code Factorization Machines Linear Learner Principal Component Analysis K-Means XGBoost And more Built-in Algorithms BringYour Own ContainerBringYour Own Script Model options
  • 13. © 2019, Amazon Web Services, Inc. or its affiliates. All rights reserved.S U M M I T AmazonSageMakerSDK • Python SDK orchestrating allAmazon SageMaker activity • Algorithm selection, training, deploying, hyperparameter optimization, and so on • There’s also a Spark SDK (Python and Scala) which we won’t cover today • High-level objects for: • Some built-in algos: Kmeans, PCA, and the like • Deep learning libraries:TensorFlow, MXNet, PyTorch, Chainer • Sagemaker.estimator.estimator for everything else https://github.com/aws/sagemaker-python-sdk https://sagemaker.readthedocs.io/en/latest/
  • 14. © 2019, Amazon Web Services, Inc. or its affiliates. All rights reserved.S U M M I T Built-in algorithms pink:supervised,blue:unsupervised Linear learner: regression, classification Image classification: deep learning (ResNet) Factorization machines: regression, classification, recommendation Object detection: 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 embeddings IP Insights: usage patterns for IP addresses
  • 15. © 2019, Amazon Web Services, Inc. or its affiliates. All rights reserved.S U M M I T XGBoost • Open Source project • Popular tree-based algorithm for regression, classification and ranking • 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
  • 16. © 2019, Amazon Web Services, Inc. or its affiliates. All rights reserved.S U M M I T Confusion matrix True Negative False Positive False Negative True Positive Actual Predict 0 1 0 1 3407 231 257 224 Actual Predict 0 1 0 1
  • 17. © 2019, Amazon Web Services, Inc. or its affiliates. All rights reserved.S U M M I T Loading training datafromAmazonS3 • Two modes: File Mode and Pipe Mode • input_mode parameter in sagemaker.estimator.estimator • File Mode copies the data set to training instances • You need to provision enough storage • S3DataSource object • S3DataDistributionType : FullyReplicated | ShardedByS3Key • Different data formats are supported: CSV, protobuf, JSON, libsvm (check algo docs!) • Pipe Mode streams the data set to training instances • This allows you to process infinitely-large data sets • Training starts faster • This mode is supported by some built-in algos as well asTensorFlow • Your data set must be in recordIO-encoded protobuf format.
  • 18. S U M M I T © 2019, Amazon Web Services, Inc. or its affiliates. All rights reserved.
  • 19. © 2019, Amazon Web Services, Inc. or its affiliates. All rights reserved.S U M M I T ProblemStatement Direct marketing is a common tactic to acquire customers. Because resources and a customer's attention is limited, the goal is to only target the subset of prospects who are likely to engage with a specific offer. Predicting those potential customers based on readily available information like demographics, past interactions, and environmental factors is a common machine learning problem. We will train a model using XGBoost on a Bank Marketing Dataset provided by UCI’s ML Repository to predict if a customer will enroll for a term deposit at a bank, after one or more phone calls.
  • 20. S U M M I T © 2019, Amazon Web Services, Inc. or its affiliates. All rights reserved.
  • 21. © 2019, Amazon Web Services, Inc. or its affiliates. All rights reserved.S U M M I T Labs 1. Preparing the data 2. Training our first model with XGBoost 3. Deploying our model 4. Predicting with our model using HTTPS 5. Running batch predictions with our model 6. Manually tuning our model 7. Finding optimal hyperparameters with Automatic ModelTuning 8. Deploying our new model
  • 22. S U M M I T © 2019, Amazon Web Services, Inc. or its affiliates. All rights reserved.
  • 23. © 2019, Amazon Web Services, Inc. or its affiliates. All rights reserved.S U M M I T Resources https://ml.aws https://aws.amazon.com/sagemaker https://github.com/awslabs/amazon-sagemaker-examples https://github.com/aws/sagemaker-python-sdk https://github.com/awslabs/amazon-sagemaker-workshop
  • 24. Thank you! S U M M I T © 2019, Amazon Web Services, Inc. or its affiliates. All rights reserved. Jonathan Dion SeniorTechnical Evangelist AmazonWeb Services @jotdion linkedin.com/in/jotdion
  • 25. S U M M I T © 2019, Amazon Web Services, Inc. or its affiliates. All rights reserved. Please complete the session survey in the mobile app. Complete three surveys, and you’ll receive a gift at the Help Desk.