SlideShare a Scribd company logo
1 of 69
© 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved.
Jenny Davies
Solutions Architect, AWS
Demystifying Machine Learning on AWS
Machine Learning
Using technology to discover
trends and patterns and
compute mathematical
predictive models based on
factual past data
Artificial
Intelligence
Artificial
Intelligence
Machine
Learning
Artificial
Intelligence
Machine
Learning
Deep
Learning
Types of Machine Learning
Supervised
Develop a predictive model based on both input and output data.
E.g. Photo classification or tagging
Unsupervised
Discover an internal structure based on input data only
E.g. Auto-classification of documents based on context
How is deep learning different?
Deep Learning
AlgorithmData
Automatically
identifies features!!!
Model
Unseen Sample
Prediction
Deep Learning
Statistical
Machine Learning
Feature
engineeringData Model
Unseen Sample
Prediction
Features
Shallow Learning
Haven’t I Heard All This Before? Why Now?
AlgorithmsVast data Compute
FRAUD
What Is Your Business Problem?
Application
Services
Platform
Services
Frameworks
&
Infrastructure
Apache
MXNet
PyTorch
Cognitive
Toolkit
Keras
Caffe2
& Caffe
TensorFlow
AWS Deep Learning AMI
GPU MobileCPU
IoT
(Greengrass)
Amazon Machine
Learning
Mechanical Turk Spark & EMR
Rekognition Polly Lex
Gluon
Transcribe Translate Comprehend
SageMaker
AWS DeepLens
APPLICATION SERVICES
PLATFORM SERVICES
FRAMEWORKS AND INFRASTRUCTURE
The Amazon Machine Learning Stack
Application
Services
Platform
Services
Frameworks
&
Infrastructure
Apache
MXNet
PyTorch
Cognitive
Toolkit
Keras
Caffe2
& Caffe
TensorFlow
AWS Deep Learning AMI
GPU MobileCPU
IoT
(Greengrass)
Amazon Machine
Learning
Mechanical Turk Spark & EMR
Rekognition Polly Lex
Gluon
Transcribe Translate Comprehend
SageMaker
AWS DeepLens
PLATFORM SERVICES
FRAMEWORKS AND INFRASTRUCTURE
The Amazon Machine Learning Stack
Rekognition Images
Given a photo of this guy Tell me if you find him here…
Rekognition: Confidence level that source face is in target photo: 81 %
bucket = "my-photos-bucket"
key_s = "turnbull.jpeg"
key_t = "trump_turnbull.jpeg"
rek_client=boto3.client("rekognition", "ap-southeast-2")
response = rek_client.compare_faces( SimilarityThreshold = 75,
SourceImage={ "S3Object": { "Bucket": bucket, "Name": key_s, } },
TargetImage={ "S3Object": { "Bucket": bucket, "Name": key_t, } },)
confidence = response["FaceMatches"][0]["Similarity"]
print("Confidence level that source face is in target photo: ",confidence,"%")
Rekognition Images
Rekognition Images
Use Cases:
Facial recognition - Missing persons, Wanted persons
Image analysis – Object and Scene detection
Intelligent image tagging - Including celebrity recognition
Content filtering - Adult content detection
Extract text from images - License plates, Street names etc.
Rekognition Video
Rekognition Video with a little processing: [(14, 18), (26, 40), (48, 57), (69, 88)]
Given a photo of Andy Jassy Tell me where you find him in this video…
Rekognition Video
Rekognition Video with a little processing: [(14, 18), (26, 40), (48, 57), (69, 88)]
Given a photo of Andy Jassy Tell me where you find him in this video…
bucket = "my-videos-bucket"
person_of_interest = andy_jassy’
photo = andy_jassy_headshot.png’
video = ‘andy_jassy_reinvent.mov’
collection_id = ‘aws_staff’
rekv_client = boto3.client( "rekognition", "ap-southeast-2” )
response = rekv_client.index_faces( CollectionId = collection_id,
Image = { 'S3Object': { 'Bucket': bucket, 'Name’: photo } },
ExternalImageId = person_of_interest )
response = rek_client.start_face_search( FaceMatchThreshold = 70,
Video = { "S3Object": { "Bucket": bucket, "Name": video, } },
CollectionId = collection_id NotificationChannel = { … } )
jobId = response['JobId']
Rekognition Video
Use Cases:
Facial recognition - Missing persons, Wanted persons
Video analysis – object, scene and activity detection
Intelligent video tagging (including celebrity recognition)
Content filtering (Unsafe content detection)
Automatic highlight extraction
Rekognition Video
Comprehend
I love these shoes. Because of back issues, I am unable to
wear shoes with any kind of heel but these are so cute that
I decided to give them a try. They are character (ballroom)
shoes so the arch support is spot on. The fit is amazing and
the quality is better than I expected for the price
Given this review Tell me what the sentiment is…
Comprehend:
Sentiment: POSITIVE 0.99
No stars... This show is a JOKE! When I received the shoes I
was so excited! In the picture it's a cute retro little pump. In
person it's awful... A full size too large and absurdly
wide.the materials are so cheap I've seen better in
children's costume shoes!
Comprehend
Given this review Tell me what the sentiment is…
Comprehend:
Sentiment: NEGATIVE 0.74
text = "I love these shoes. Because of back issues, I am unable to wear shoes with
any kind of heel but these are so cute that I decided to give them a try. They are
character (ballroom) shoes so the arch support is spot on. The fit is amazing and
the quality is better than I expected for the price"
comprehend_client = boto3.client( 'comprehend', 'us-west-2’ )
result = comprehend_client.detect_dominant_language( Text = text )
dominant_language = result['Languages'][0]['LanguageCode’]
result = comprehend_client.detect_sentiment( Text = text ,
LanguageCode = dominant_language )
sentiment = result['Sentiment']
Comprehend
Comprehend
Use Cases:
Monitor sentiment - Twitter, Facebook, Blog, Comment etc.
Identify the language of text
Automated content tagging
Document analysis - enable rich text search
Transcribe
Ladies and gentlemen, please welcome chief executive officer of
amazon web services andy jassy. Thank you and welcome to the
sixth annual a ws reinvent this is our very favorite time of the
year it's our favorite week and we're really excited that you're
spending the week with us. You're here with forty three
thousand of your peers
Given this video or audio clip create a transcription…
bucket = "my-transcribe-bucket"
job_name = ”reInvent_andy_jassy"
job_uri = "https://s3-us-west-2.amazonaws.com/.../andy_jassy_reinvent.mp3"
transcribe_client = boto3.client( 'transcribe', 'us-west-2’ )
transcribe_client.start_transcription_job( TranscriptionJobName = job_name,
Media = {'MediaFileUri’ : job_uri},
MediaFormat = 'mp3', LanguageCode = 'en-US’ )
status = transcribe_client.get_transcription_job( TranscriptionJobName = job_name )
wait until status['TranscriptionJob']['TranscriptionJobStatus’] == ['COMPLETED’]:
result_uri = status['TranscriptionJob']['Transcript']['TranscriptFileUri']
Transcribe
Transcribe
Use Cases:
Transcription of customer service calls
Automatic minute taking
Generate subtitles on audio and video content
Enable search of video and audio
Application
Services
Platform
Services
Frameworks
&
Infrastructure
Apache
MXNet
PyTorch
Cognitive
Toolkit
Keras
Caffe2
& Caffe
TensorFlow
AWS Deep Learning AMI
GPU MobileCPU
IoT
(Greengrass)
Amazon Machine
Learning
Mechanical Turk Spark & EMR
Rekognition Polly Lex
Gluon
Transcribe Translate Comprehend
SageMaker
AWS DeepLens
PLATFORM SERVICES
FRAMEWORKS AND INFRASTRUCTURE
The Amazon Machine Learning Stack
Application
Services
Platform
Services
Frameworks
&
Infrastructure
Apache
MXNet
PyTorch
Cognitive
Toolkit
Keras
Caffe2
& Caffe
TensorFlow
AWS Deep Learning AMI
GPU MobileCPU
IoT
(Greengrass)
Amazon Machine
Learning
Mechanical Turk Spark & EMR
Rekognition Polly Lex
Gluon
Transcribe Translate Comprehend
SageMaker
AWS DeepLens
APPLICATION SERVICES
PLATFORM SERVICES
FRAMEWORKS AND INFRASTRUCTURE
The Amazon Machine Learning Stack
Application
Services
Platform
Services
Frameworks
&
Infrastructure
Apache
MXNet
PyTorch
Cognitive
Toolkit
Keras
Caffe2
& Caffe
TensorFlow
AWS Deep Learning AMI
GPU MobileCPU
IoT
(Greengrass)
Amazon Machine
Learning
Mechanical Turk Spark & EMR
Rekognition Polly Lex
Gluon
Transcribe Translate Comprehend
SageMaker
AWS DeepLens
APPLICATION SERVICES
PLATFORM SERVICES
The Amazon Machine Learning Stack
Application
Services
Platform
Services
Frameworks
&
Infrastructure
Apache
MXNet
PyTorch
Cognitive
Toolkit
Keras
Caffe2
& Caffe
TensorFlow
AWS Deep Learning AMI
GPU MobileCPU
IoT
(Greengrass)
Amazon Machine
Learning
Mechanical Turk Spark & EMR
Rekognition Polly Lex
Gluon
Transcribe Translate Comprehend
SageMaker
AWS DeepLens
APPLICATION SERVICES
PLATFORM SERVICES
FRAMEWORKS AND INFRASTRUCTURE
The Amazon Machine Learning Stack
Application
Services
Platform
Services
Frameworks
&
Infrastructure
Apache
MXNet
PyTorch
Cognitive
Toolkit
Keras
Caffe2
& Caffe
TensorFlow
AWS Deep Learning AMI
GPU MobileCPU
IoT
(Greengrass)
Amazon Machine
Learning
Mechanical Turk Spark & EMR
Rekognition Polly Lex
Gluon
Transcribe Translate Comprehend
SageMaker
AWS DeepLens
APPLICATION SERVICES
FRAMEWORKS AND INFRASTRUCTURE
The Amazon Machine Learning Stack
The Machine Learning Process Is Hard …
Fetch data
Clean &
format data
Prepare &
transform
data
The Machine Learning Process Is Hard …
Fetch data
Clean &
format data
Prepare &
transform
data
Train
model
Evaluate
model
The Machine Learning Process Is Hard …
Fetch data
Clean &
format data
Prepare &
transform
data
Train
model
Evaluate
model
Integration
with prod
Monitor /
debug /
refresh
The Machine Learning Process Is Hard …
Fetch data
Clean &
format data
Prepare &
transform
data
Train
model
Evaluate
model
Integration
with prod
Monitor /
debug /
refresh
6-18
months
The Machine Learning Process Is Hard …
A fully managed service that enables data scientists and developers to
quickly and easily build machine-learning based models into production smart applications.
Amazon SageMaker
Now in Sydney!
Training
Exploration
Hosting
Amazon SageMaker
Build, train, and deploy machine learning models at scale
End-to-End
Machine Learning
Platform
Zero setup Flexible Model
Training
Pay by the
second
Amazon SageMaker
Amazon SageMaker Algorithms
Streaming
datasets, for
cheaper training
Train faster, in a
single pass
Greater
reliability on
extremely large
datasets
Choice of several
ML algorithms
XGBoost, FM,
Linear Learner,
DeepAR for
forecasting
and
classification
Kmeans, PCA,
and BlazingText
(Word2Vec) for
clustering,
dimensionality
reduction and
pre-processing
Image
classification
with
convolutional
neural networks
LDA and
NTM for
topic
modeling,
seq2seq for
translation
Random Cut
Forest for
anomaly
detection
SageMaker Built-in Algorithms
MNIST handwritten digit database
Algorithm: Linear Learner
Regression:
Estimate a real valued function
Binary Classification:
Predict a 0/1 class
Label
Input
Linear Learner
In this example, each feature was a pixel grey-scale
value between 0-1
Imagine using this for housing loan valuations.
Each feature is a feature of the property
Call To Action #1
What business problem can ML help you solve?
FRAUD
• Getting started with Amazon SageMaker:
https://aws.amazon.com/sagemaker/
• Use the Amazon SageMaker SDK:
• For Python: https://github.com/aws/sagemaker-python-sdk
• For Spark: https://github.com/aws/sagemaker-spark
• SageMaker Examples: https://github.com/awslabs/amazon-
sagemaker-examples
• Let us know what you build!
Call To Action #2
Thank you

More Related Content

What's hot

Keynote 2: AWS re:Invent 2017 Recap - Solutions Updates
Keynote 2: AWS re:Invent 2017 Recap - Solutions UpdatesKeynote 2: AWS re:Invent 2017 Recap - Solutions Updates
Keynote 2: AWS re:Invent 2017 Recap - Solutions UpdatesAmazon Web Services
 
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
 
Machine Learning & Amazon SageMaker
Machine Learning & Amazon SageMakerMachine Learning & Amazon SageMaker
Machine Learning & Amazon SageMakerAmazon Web Services
 
Machine Learning Models with Apache MXNet and AWS Fargate
Machine Learning Models with Apache MXNet and AWS FargateMachine Learning Models with Apache MXNet and AWS Fargate
Machine Learning Models with Apache MXNet and AWS FargateAmazon Web Services
 
Mcl345 re invent_sagemaker_dmbanga
Mcl345 re invent_sagemaker_dmbangaMcl345 re invent_sagemaker_dmbanga
Mcl345 re invent_sagemaker_dmbangaDan Romuald Mbanga
 
A New Way to Learn Machine Learning
A New Way to Learn Machine LearningA New Way to Learn Machine Learning
A New Way to Learn Machine LearningAmazon Web Services
 
Amazon AI/ML Overview
Amazon AI/ML OverviewAmazon AI/ML Overview
Amazon AI/ML OverviewBESPIN GLOBAL
 
Amazon SageMaker (December 2018)
Amazon SageMaker (December 2018)Amazon SageMaker (December 2018)
Amazon SageMaker (December 2018)Julien SIMON
 
New AI/ML services at AWS re:Invent 2017
New AI/ML services at AWS re:Invent 2017New AI/ML services at AWS re:Invent 2017
New AI/ML services at AWS re:Invent 2017Julien SIMON
 
Accelerate ML workflows with Amazon SageMaker
Accelerate ML workflows with Amazon SageMakerAccelerate ML workflows with Amazon SageMaker
Accelerate ML workflows with Amazon SageMakerAmazon Web Services Japan
 
Amazon SageMaker Deep Dive - Meetup AWS Toulouse at D2SI
Amazon SageMaker Deep Dive - Meetup AWS Toulouse at D2SIAmazon SageMaker Deep Dive - Meetup AWS Toulouse at D2SI
Amazon SageMaker Deep Dive - Meetup AWS Toulouse at D2SIAmazon Web Services
 
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
 
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
 
Optimize your ML workloads_converted.pdf
Optimize your ML workloads_converted.pdfOptimize your ML workloads_converted.pdf
Optimize your ML workloads_converted.pdfAmazon Web Services
 
Scaling Machine Learning from zero to millions of users (May 2019)
Scaling Machine Learning from zero to millions of users (May 2019)Scaling Machine Learning from zero to millions of users (May 2019)
Scaling Machine Learning from zero to millions of users (May 2019)Julien SIMON
 
Amazon SageMaker 內建機器學習演算法 (Level 400)
Amazon SageMaker 內建機器學習演算法 (Level 400)Amazon SageMaker 內建機器學習演算法 (Level 400)
Amazon SageMaker 內建機器學習演算法 (Level 400)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
 
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
 
아마존의 딥러닝 기술 활용 사례 - 윤석찬 (AWS 테크니컬 에반젤리스트)
아마존의 딥러닝 기술 활용 사례 - 윤석찬 (AWS 테크니컬 에반젤리스트)아마존의 딥러닝 기술 활용 사례 - 윤석찬 (AWS 테크니컬 에반젤리스트)
아마존의 딥러닝 기술 활용 사례 - 윤석찬 (AWS 테크니컬 에반젤리스트)Amazon Web Services Korea
 

What's hot (20)

Keynote 2: AWS re:Invent 2017 Recap - Solutions Updates
Keynote 2: AWS re:Invent 2017 Recap - Solutions UpdatesKeynote 2: AWS re:Invent 2017 Recap - Solutions Updates
Keynote 2: AWS re:Invent 2017 Recap - Solutions Updates
 
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...
 
Machine Learning & Amazon SageMaker
Machine Learning & Amazon SageMakerMachine Learning & Amazon SageMaker
Machine Learning & Amazon SageMaker
 
Machine Learning Models with Apache MXNet and AWS Fargate
Machine Learning Models with Apache MXNet and AWS FargateMachine Learning Models with Apache MXNet and AWS Fargate
Machine Learning Models with Apache MXNet and AWS Fargate
 
Mcl345 re invent_sagemaker_dmbanga
Mcl345 re invent_sagemaker_dmbangaMcl345 re invent_sagemaker_dmbanga
Mcl345 re invent_sagemaker_dmbanga
 
A New Way to Learn Machine Learning
A New Way to Learn Machine LearningA New Way to Learn Machine Learning
A New Way to Learn Machine Learning
 
Introduction to Sagemaker
Introduction to SagemakerIntroduction to Sagemaker
Introduction to Sagemaker
 
Amazon AI/ML Overview
Amazon AI/ML OverviewAmazon AI/ML Overview
Amazon AI/ML Overview
 
Amazon SageMaker (December 2018)
Amazon SageMaker (December 2018)Amazon SageMaker (December 2018)
Amazon SageMaker (December 2018)
 
New AI/ML services at AWS re:Invent 2017
New AI/ML services at AWS re:Invent 2017New AI/ML services at AWS re:Invent 2017
New AI/ML services at AWS re:Invent 2017
 
Accelerate ML workflows with Amazon SageMaker
Accelerate ML workflows with Amazon SageMakerAccelerate ML workflows with Amazon SageMaker
Accelerate ML workflows with Amazon SageMaker
 
Amazon SageMaker Deep Dive - Meetup AWS Toulouse at D2SI
Amazon SageMaker Deep Dive - Meetup AWS Toulouse at D2SIAmazon SageMaker Deep Dive - Meetup AWS Toulouse at D2SI
Amazon SageMaker Deep Dive - Meetup AWS Toulouse at D2SI
 
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)
 
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...
 
Optimize your ML workloads_converted.pdf
Optimize your ML workloads_converted.pdfOptimize your ML workloads_converted.pdf
Optimize your ML workloads_converted.pdf
 
Scaling Machine Learning from zero to millions of users (May 2019)
Scaling Machine Learning from zero to millions of users (May 2019)Scaling Machine Learning from zero to millions of users (May 2019)
Scaling Machine Learning from zero to millions of users (May 2019)
 
Amazon SageMaker 內建機器學習演算法 (Level 400)
Amazon SageMaker 內建機器學習演算法 (Level 400)Amazon SageMaker 內建機器學習演算法 (Level 400)
Amazon SageMaker 內建機器學習演算法 (Level 400)
 
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
 
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)
 
아마존의 딥러닝 기술 활용 사례 - 윤석찬 (AWS 테크니컬 에반젤리스트)
아마존의 딥러닝 기술 활용 사례 - 윤석찬 (AWS 테크니컬 에반젤리스트)아마존의 딥러닝 기술 활용 사례 - 윤석찬 (AWS 테크니컬 에반젤리스트)
아마존의 딥러닝 기술 활용 사례 - 윤석찬 (AWS 테크니컬 에반젤리스트)
 

Similar to Demystifying Machine Learning on AWS

Demystifying Machine Learning on AWS
Demystifying Machine Learning on AWSDemystifying Machine Learning on AWS
Demystifying Machine Learning on AWSAmazon Web Services
 
MCL204_How Washington County Sherriff’s Office is using Amazon AI to Identify...
MCL204_How Washington County Sherriff’s Office is using Amazon AI to Identify...MCL204_How Washington County Sherriff’s Office is using Amazon AI to Identify...
MCL204_How Washington County Sherriff’s Office is using Amazon AI to Identify...Amazon Web Services
 
The Unusual Suspect: How Washington County Sheriff’s Office is using Amazon A...
The Unusual Suspect: How Washington County Sheriff’s Office is using Amazon A...The Unusual Suspect: How Washington County Sheriff’s Office is using Amazon A...
The Unusual Suspect: How Washington County Sheriff’s Office is using Amazon A...Amazon Web Services
 
Using Azure Cognitive Services with NativeScript
Using Azure Cognitive Services with NativeScriptUsing Azure Cognitive Services with NativeScript
Using Azure Cognitive Services with NativeScriptSherry List
 
Cognitive Services
Cognitive ServicesCognitive Services
Cognitive ServicesSherry List
 
Building Content Recommendation Systems Using Apache MXNet and Gluon - MCL402...
Building Content Recommendation Systems Using Apache MXNet and Gluon - MCL402...Building Content Recommendation Systems Using Apache MXNet and Gluon - MCL402...
Building Content Recommendation Systems Using Apache MXNet and Gluon - MCL402...Amazon Web Services
 
AWS 기반 인공지능 비디오 분석 서비스 소개::Ranju Das::AWS Summit Seoul 2018
AWS 기반 인공지능 비디오 분석 서비스 소개::Ranju Das::AWS Summit Seoul 2018AWS 기반 인공지능 비디오 분석 서비스 소개::Ranju Das::AWS Summit Seoul 2018
AWS 기반 인공지능 비디오 분석 서비스 소개::Ranju Das::AWS Summit Seoul 2018Amazon Web Services Korea
 
Build, train, and deploy machine learning models at scale - AWS Summit Cape T...
Build, train, and deploy machine learning models at scale - AWS Summit Cape T...Build, train, and deploy machine learning models at scale - AWS Summit Cape T...
Build, train, and deploy machine learning models at scale - AWS Summit Cape T...Amazon Web Services
 
Esplorando Google Assistant e Dialogflow
Esplorando Google Assistant e DialogflowEsplorando Google Assistant e Dialogflow
Esplorando Google Assistant e DialogflowPaolo Montrasio
 
An Overview of AI on the AWS Platform - February 2017 Online Tech Talks
An Overview of AI on the AWS Platform - February 2017 Online Tech TalksAn Overview of AI on the AWS Platform - February 2017 Online Tech Talks
An Overview of AI on the AWS Platform - February 2017 Online Tech TalksAmazon Web Services
 
An Introduction to Amazon AI Services
An Introduction to Amazon AI ServicesAn Introduction to Amazon AI Services
An Introduction to Amazon AI ServicesDinah Barrett
 
An Overview of AI on the AWS Platform - June 2017 AWS Online Tech Talks
An Overview of AI on the AWS Platform - June 2017 AWS Online Tech TalksAn Overview of AI on the AWS Platform - June 2017 AWS Online Tech Talks
An Overview of AI on the AWS Platform - June 2017 AWS Online Tech TalksAmazon Web Services
 
Azure Cognitive Services: Mood Analyzer
Azure Cognitive Services: Mood AnalyzerAzure Cognitive Services: Mood Analyzer
Azure Cognitive Services: Mood AnalyzerSherry List
 
DotNet 2019 | Sherry List - Azure Cognitive Services with Native Script
DotNet 2019 | Sherry List - Azure Cognitive Services with Native ScriptDotNet 2019 | Sherry List - Azure Cognitive Services with Native Script
DotNet 2019 | Sherry List - Azure Cognitive Services with Native ScriptPlain Concepts
 
Developing Sophisticated Serverless Applications with AI
Developing Sophisticated Serverless Applications with AIDeveloping Sophisticated Serverless Applications with AI
Developing Sophisticated Serverless Applications with AIAdrian Hornsby
 
Computer Vision: Mood Analyzer 盧
Computer Vision: Mood Analyzer 盧Computer Vision: Mood Analyzer 盧
Computer Vision: Mood Analyzer 盧Sherry List
 
AI / ML Services - re:Invent Comes to London 2.0
AI / ML Services - re:Invent Comes to London 2.0AI / ML Services - re:Invent Comes to London 2.0
AI / ML Services - re:Invent Comes to London 2.0Amazon Web Services
 
Building Conversational Experiences with Actions on Google
Building Conversational Experiences with Actions on GoogleBuilding Conversational Experiences with Actions on Google
Building Conversational Experiences with Actions on GooglePeter Friese
 
Integrating Deep Learning In the Enterprise
Integrating Deep Learning In the EnterpriseIntegrating Deep Learning In the Enterprise
Integrating Deep Learning In the EnterpriseAmazon Web Services
 
Enhanced Media Workflows Using Amazon AI
Enhanced Media Workflows Using Amazon AIEnhanced Media Workflows Using Amazon AI
Enhanced Media Workflows Using Amazon AIAmazon Web Services
 

Similar to Demystifying Machine Learning on AWS (20)

Demystifying Machine Learning on AWS
Demystifying Machine Learning on AWSDemystifying Machine Learning on AWS
Demystifying Machine Learning on AWS
 
MCL204_How Washington County Sherriff’s Office is using Amazon AI to Identify...
MCL204_How Washington County Sherriff’s Office is using Amazon AI to Identify...MCL204_How Washington County Sherriff’s Office is using Amazon AI to Identify...
MCL204_How Washington County Sherriff’s Office is using Amazon AI to Identify...
 
The Unusual Suspect: How Washington County Sheriff’s Office is using Amazon A...
The Unusual Suspect: How Washington County Sheriff’s Office is using Amazon A...The Unusual Suspect: How Washington County Sheriff’s Office is using Amazon A...
The Unusual Suspect: How Washington County Sheriff’s Office is using Amazon A...
 
Using Azure Cognitive Services with NativeScript
Using Azure Cognitive Services with NativeScriptUsing Azure Cognitive Services with NativeScript
Using Azure Cognitive Services with NativeScript
 
Cognitive Services
Cognitive ServicesCognitive Services
Cognitive Services
 
Building Content Recommendation Systems Using Apache MXNet and Gluon - MCL402...
Building Content Recommendation Systems Using Apache MXNet and Gluon - MCL402...Building Content Recommendation Systems Using Apache MXNet and Gluon - MCL402...
Building Content Recommendation Systems Using Apache MXNet and Gluon - MCL402...
 
AWS 기반 인공지능 비디오 분석 서비스 소개::Ranju Das::AWS Summit Seoul 2018
AWS 기반 인공지능 비디오 분석 서비스 소개::Ranju Das::AWS Summit Seoul 2018AWS 기반 인공지능 비디오 분석 서비스 소개::Ranju Das::AWS Summit Seoul 2018
AWS 기반 인공지능 비디오 분석 서비스 소개::Ranju Das::AWS Summit Seoul 2018
 
Build, train, and deploy machine learning models at scale - AWS Summit Cape T...
Build, train, and deploy machine learning models at scale - AWS Summit Cape T...Build, train, and deploy machine learning models at scale - AWS Summit Cape T...
Build, train, and deploy machine learning models at scale - AWS Summit Cape T...
 
Esplorando Google Assistant e Dialogflow
Esplorando Google Assistant e DialogflowEsplorando Google Assistant e Dialogflow
Esplorando Google Assistant e Dialogflow
 
An Overview of AI on the AWS Platform - February 2017 Online Tech Talks
An Overview of AI on the AWS Platform - February 2017 Online Tech TalksAn Overview of AI on the AWS Platform - February 2017 Online Tech Talks
An Overview of AI on the AWS Platform - February 2017 Online Tech Talks
 
An Introduction to Amazon AI Services
An Introduction to Amazon AI ServicesAn Introduction to Amazon AI Services
An Introduction to Amazon AI Services
 
An Overview of AI on the AWS Platform - June 2017 AWS Online Tech Talks
An Overview of AI on the AWS Platform - June 2017 AWS Online Tech TalksAn Overview of AI on the AWS Platform - June 2017 AWS Online Tech Talks
An Overview of AI on the AWS Platform - June 2017 AWS Online Tech Talks
 
Azure Cognitive Services: Mood Analyzer
Azure Cognitive Services: Mood AnalyzerAzure Cognitive Services: Mood Analyzer
Azure Cognitive Services: Mood Analyzer
 
DotNet 2019 | Sherry List - Azure Cognitive Services with Native Script
DotNet 2019 | Sherry List - Azure Cognitive Services with Native ScriptDotNet 2019 | Sherry List - Azure Cognitive Services with Native Script
DotNet 2019 | Sherry List - Azure Cognitive Services with Native Script
 
Developing Sophisticated Serverless Applications with AI
Developing Sophisticated Serverless Applications with AIDeveloping Sophisticated Serverless Applications with AI
Developing Sophisticated Serverless Applications with AI
 
Computer Vision: Mood Analyzer 盧
Computer Vision: Mood Analyzer 盧Computer Vision: Mood Analyzer 盧
Computer Vision: Mood Analyzer 盧
 
AI / ML Services - re:Invent Comes to London 2.0
AI / ML Services - re:Invent Comes to London 2.0AI / ML Services - re:Invent Comes to London 2.0
AI / ML Services - re:Invent Comes to London 2.0
 
Building Conversational Experiences with Actions on Google
Building Conversational Experiences with Actions on GoogleBuilding Conversational Experiences with Actions on Google
Building Conversational Experiences with Actions on Google
 
Integrating Deep Learning In the Enterprise
Integrating Deep Learning In the EnterpriseIntegrating Deep Learning In the Enterprise
Integrating Deep Learning In the Enterprise
 
Enhanced Media Workflows Using Amazon AI
Enhanced Media Workflows Using Amazon AIEnhanced Media Workflows Using Amazon AI
Enhanced Media Workflows Using Amazon AI
 

More from Amazon Web Services

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

More from Amazon Web Services (20)

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

Demystifying Machine Learning on AWS

  • 1. © 2018, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Jenny Davies Solutions Architect, AWS Demystifying Machine Learning on AWS
  • 2. Machine Learning Using technology to discover trends and patterns and compute mathematical predictive models based on factual past data
  • 6. Types of Machine Learning Supervised Develop a predictive model based on both input and output data. E.g. Photo classification or tagging Unsupervised Discover an internal structure based on input data only E.g. Auto-classification of documents based on context
  • 7. How is deep learning different? Deep Learning AlgorithmData Automatically identifies features!!! Model Unseen Sample Prediction Deep Learning Statistical Machine Learning Feature engineeringData Model Unseen Sample Prediction Features Shallow Learning
  • 8. Haven’t I Heard All This Before? Why Now? AlgorithmsVast data Compute
  • 9. FRAUD What Is Your Business Problem?
  • 10. Application Services Platform Services Frameworks & Infrastructure Apache MXNet PyTorch Cognitive Toolkit Keras Caffe2 & Caffe TensorFlow AWS Deep Learning AMI GPU MobileCPU IoT (Greengrass) Amazon Machine Learning Mechanical Turk Spark & EMR Rekognition Polly Lex Gluon Transcribe Translate Comprehend SageMaker AWS DeepLens APPLICATION SERVICES PLATFORM SERVICES FRAMEWORKS AND INFRASTRUCTURE The Amazon Machine Learning Stack
  • 11. Application Services Platform Services Frameworks & Infrastructure Apache MXNet PyTorch Cognitive Toolkit Keras Caffe2 & Caffe TensorFlow AWS Deep Learning AMI GPU MobileCPU IoT (Greengrass) Amazon Machine Learning Mechanical Turk Spark & EMR Rekognition Polly Lex Gluon Transcribe Translate Comprehend SageMaker AWS DeepLens PLATFORM SERVICES FRAMEWORKS AND INFRASTRUCTURE The Amazon Machine Learning Stack
  • 12. Rekognition Images Given a photo of this guy Tell me if you find him here… Rekognition: Confidence level that source face is in target photo: 81 %
  • 13. bucket = "my-photos-bucket" key_s = "turnbull.jpeg" key_t = "trump_turnbull.jpeg" rek_client=boto3.client("rekognition", "ap-southeast-2") response = rek_client.compare_faces( SimilarityThreshold = 75, SourceImage={ "S3Object": { "Bucket": bucket, "Name": key_s, } }, TargetImage={ "S3Object": { "Bucket": bucket, "Name": key_t, } },) confidence = response["FaceMatches"][0]["Similarity"] print("Confidence level that source face is in target photo: ",confidence,"%") Rekognition Images
  • 14. Rekognition Images Use Cases: Facial recognition - Missing persons, Wanted persons Image analysis – Object and Scene detection Intelligent image tagging - Including celebrity recognition Content filtering - Adult content detection Extract text from images - License plates, Street names etc.
  • 15. Rekognition Video Rekognition Video with a little processing: [(14, 18), (26, 40), (48, 57), (69, 88)] Given a photo of Andy Jassy Tell me where you find him in this video…
  • 16. Rekognition Video Rekognition Video with a little processing: [(14, 18), (26, 40), (48, 57), (69, 88)] Given a photo of Andy Jassy Tell me where you find him in this video…
  • 17. bucket = "my-videos-bucket" person_of_interest = andy_jassy’ photo = andy_jassy_headshot.png’ video = ‘andy_jassy_reinvent.mov’ collection_id = ‘aws_staff’ rekv_client = boto3.client( "rekognition", "ap-southeast-2” ) response = rekv_client.index_faces( CollectionId = collection_id, Image = { 'S3Object': { 'Bucket': bucket, 'Name’: photo } }, ExternalImageId = person_of_interest ) response = rek_client.start_face_search( FaceMatchThreshold = 70, Video = { "S3Object": { "Bucket": bucket, "Name": video, } }, CollectionId = collection_id NotificationChannel = { … } ) jobId = response['JobId'] Rekognition Video
  • 18. Use Cases: Facial recognition - Missing persons, Wanted persons Video analysis – object, scene and activity detection Intelligent video tagging (including celebrity recognition) Content filtering (Unsafe content detection) Automatic highlight extraction Rekognition Video
  • 19. Comprehend I love these shoes. Because of back issues, I am unable to wear shoes with any kind of heel but these are so cute that I decided to give them a try. They are character (ballroom) shoes so the arch support is spot on. The fit is amazing and the quality is better than I expected for the price Given this review Tell me what the sentiment is… Comprehend: Sentiment: POSITIVE 0.99
  • 20. No stars... This show is a JOKE! When I received the shoes I was so excited! In the picture it's a cute retro little pump. In person it's awful... A full size too large and absurdly wide.the materials are so cheap I've seen better in children's costume shoes! Comprehend Given this review Tell me what the sentiment is… Comprehend: Sentiment: NEGATIVE 0.74
  • 21. text = "I love these shoes. Because of back issues, I am unable to wear shoes with any kind of heel but these are so cute that I decided to give them a try. They are character (ballroom) shoes so the arch support is spot on. The fit is amazing and the quality is better than I expected for the price" comprehend_client = boto3.client( 'comprehend', 'us-west-2’ ) result = comprehend_client.detect_dominant_language( Text = text ) dominant_language = result['Languages'][0]['LanguageCode’] result = comprehend_client.detect_sentiment( Text = text , LanguageCode = dominant_language ) sentiment = result['Sentiment'] Comprehend
  • 22. Comprehend Use Cases: Monitor sentiment - Twitter, Facebook, Blog, Comment etc. Identify the language of text Automated content tagging Document analysis - enable rich text search
  • 23. Transcribe Ladies and gentlemen, please welcome chief executive officer of amazon web services andy jassy. Thank you and welcome to the sixth annual a ws reinvent this is our very favorite time of the year it's our favorite week and we're really excited that you're spending the week with us. You're here with forty three thousand of your peers Given this video or audio clip create a transcription…
  • 24. bucket = "my-transcribe-bucket" job_name = ”reInvent_andy_jassy" job_uri = "https://s3-us-west-2.amazonaws.com/.../andy_jassy_reinvent.mp3" transcribe_client = boto3.client( 'transcribe', 'us-west-2’ ) transcribe_client.start_transcription_job( TranscriptionJobName = job_name, Media = {'MediaFileUri’ : job_uri}, MediaFormat = 'mp3', LanguageCode = 'en-US’ ) status = transcribe_client.get_transcription_job( TranscriptionJobName = job_name ) wait until status['TranscriptionJob']['TranscriptionJobStatus’] == ['COMPLETED’]: result_uri = status['TranscriptionJob']['Transcript']['TranscriptFileUri'] Transcribe
  • 25. Transcribe Use Cases: Transcription of customer service calls Automatic minute taking Generate subtitles on audio and video content Enable search of video and audio
  • 26. Application Services Platform Services Frameworks & Infrastructure Apache MXNet PyTorch Cognitive Toolkit Keras Caffe2 & Caffe TensorFlow AWS Deep Learning AMI GPU MobileCPU IoT (Greengrass) Amazon Machine Learning Mechanical Turk Spark & EMR Rekognition Polly Lex Gluon Transcribe Translate Comprehend SageMaker AWS DeepLens PLATFORM SERVICES FRAMEWORKS AND INFRASTRUCTURE The Amazon Machine Learning Stack
  • 27. Application Services Platform Services Frameworks & Infrastructure Apache MXNet PyTorch Cognitive Toolkit Keras Caffe2 & Caffe TensorFlow AWS Deep Learning AMI GPU MobileCPU IoT (Greengrass) Amazon Machine Learning Mechanical Turk Spark & EMR Rekognition Polly Lex Gluon Transcribe Translate Comprehend SageMaker AWS DeepLens APPLICATION SERVICES PLATFORM SERVICES FRAMEWORKS AND INFRASTRUCTURE The Amazon Machine Learning Stack
  • 28. Application Services Platform Services Frameworks & Infrastructure Apache MXNet PyTorch Cognitive Toolkit Keras Caffe2 & Caffe TensorFlow AWS Deep Learning AMI GPU MobileCPU IoT (Greengrass) Amazon Machine Learning Mechanical Turk Spark & EMR Rekognition Polly Lex Gluon Transcribe Translate Comprehend SageMaker AWS DeepLens APPLICATION SERVICES PLATFORM SERVICES The Amazon Machine Learning Stack
  • 29. Application Services Platform Services Frameworks & Infrastructure Apache MXNet PyTorch Cognitive Toolkit Keras Caffe2 & Caffe TensorFlow AWS Deep Learning AMI GPU MobileCPU IoT (Greengrass) Amazon Machine Learning Mechanical Turk Spark & EMR Rekognition Polly Lex Gluon Transcribe Translate Comprehend SageMaker AWS DeepLens APPLICATION SERVICES PLATFORM SERVICES FRAMEWORKS AND INFRASTRUCTURE The Amazon Machine Learning Stack
  • 30. Application Services Platform Services Frameworks & Infrastructure Apache MXNet PyTorch Cognitive Toolkit Keras Caffe2 & Caffe TensorFlow AWS Deep Learning AMI GPU MobileCPU IoT (Greengrass) Amazon Machine Learning Mechanical Turk Spark & EMR Rekognition Polly Lex Gluon Transcribe Translate Comprehend SageMaker AWS DeepLens APPLICATION SERVICES FRAMEWORKS AND INFRASTRUCTURE The Amazon Machine Learning Stack
  • 31. The Machine Learning Process Is Hard …
  • 32. Fetch data Clean & format data Prepare & transform data The Machine Learning Process Is Hard …
  • 33. Fetch data Clean & format data Prepare & transform data Train model Evaluate model The Machine Learning Process Is Hard …
  • 34. Fetch data Clean & format data Prepare & transform data Train model Evaluate model Integration with prod Monitor / debug / refresh The Machine Learning Process Is Hard …
  • 35. Fetch data Clean & format data Prepare & transform data Train model Evaluate model Integration with prod Monitor / debug / refresh 6-18 months The Machine Learning Process Is Hard …
  • 36. A fully managed service that enables data scientists and developers to quickly and easily build machine-learning based models into production smart applications. Amazon SageMaker Now in Sydney!
  • 38. Build, train, and deploy machine learning models at scale End-to-End Machine Learning Platform Zero setup Flexible Model Training Pay by the second Amazon SageMaker
  • 39. Amazon SageMaker Algorithms Streaming datasets, for cheaper training Train faster, in a single pass Greater reliability on extremely large datasets Choice of several ML algorithms
  • 40. XGBoost, FM, Linear Learner, DeepAR for forecasting and classification Kmeans, PCA, and BlazingText (Word2Vec) for clustering, dimensionality reduction and pre-processing Image classification with convolutional neural networks LDA and NTM for topic modeling, seq2seq for translation Random Cut Forest for anomaly detection SageMaker Built-in Algorithms
  • 42. Algorithm: Linear Learner Regression: Estimate a real valued function Binary Classification: Predict a 0/1 class
  • 43.
  • 44.
  • 45.
  • 46.
  • 47.
  • 48.
  • 49.
  • 50.
  • 51.
  • 52.
  • 53.
  • 54.
  • 55.
  • 56.
  • 57.
  • 59.
  • 60.
  • 61.
  • 62.
  • 63.
  • 64.
  • 65.
  • 66. Linear Learner In this example, each feature was a pixel grey-scale value between 0-1 Imagine using this for housing loan valuations. Each feature is a feature of the property
  • 67. Call To Action #1 What business problem can ML help you solve? FRAUD
  • 68. • Getting started with Amazon SageMaker: https://aws.amazon.com/sagemaker/ • Use the Amazon SageMaker SDK: • For Python: https://github.com/aws/sagemaker-python-sdk • For Spark: https://github.com/aws/sagemaker-spark • SageMaker Examples: https://github.com/awslabs/amazon- sagemaker-examples • Let us know what you build! Call To Action #2