SlideShare a Scribd company logo
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
Machine Learning at the Edge
A I M 3 0 2
Julien Simon
PrincipalTech. Evangelist,AI/ML
AmazonWeb Services
@julsimon
Brian Kursar
VP and Chief Data Scientist
Toyota Connected Data Services
Brian.Kursar@toyotaconnected.com
@briankursar
NimishAmlathe
Data Scientist
Toyota Connected Data Services
Nimish.Amlathe@toyotaconnected.com
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
Agenda
• Machine learning at the edge?
• LeveragingAWS services
• Case study:Toyota Connected Data Services
• Alternative scenarios
• Optimizing for inference at the edge
• Getting started
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
Mostmachinedataneverreaches thecloud
Medical equipment Industrial machinery Extreme environments
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
Whythisproblem isn’tgoing away
Law of physics Law of economics Law of the land
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
Experimenting and training inthecloud
AWS Deep Learning AMI
Amazon Elastic
Compute Cloud
(Amazon EC2) c5 p3
Amazon SageMaker
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
Inferences and
local actions on
device
Extracted
intelligence
Trained model
and Lambda function
Generic
Deploying and predicting with AWS Greengrass
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
Deploying withAWSGreengrass
• Train a model in Amazon SageMaker (or import your own)
• Write an AWS Lambda function for prediction
• Add both as resources in your AWS Greengrass group
• Let AWS Greengrass handle deployment and updates
Best when
You want the same programming model in the cloud
and at the edge
Code and models need to be updated, even if
network connectivity is infrequent or unreliable
You need one device in the group to perform
prediction on behalf on other devices
Requirements
Devices are powerful enough to run AWS Greengrass
Devices are provisioned in AWS IoT Core
(certificate, keys)
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
A new way to learn
Custom built for Deep Learning
Broad framework support
Deploy models from Amazon SageMaker
Integrated with AWS
Fully programmable with AWS Lambda
AWS DeepLens
HD video camera
Custom-designed
Deep Learning
engine
Micro-SD
Mini-HDMI
USB
USB
Reset
Audio out
Power
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
AWS DeepLens
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
Object detection withAWS DeepLens
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
Using your own models withAWS DeepLens
• AWS DeepLens can runTensorFlow, Caffe, and Apache MXNet models
• Inception
• MobileNet
• NasNet
• ResNet
• And others
• Train or fine-tune your model
on Amazon SageMaker
• Deploy to AWS DeepLens
withAWS Greengrass
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
DEEP LEARNING ATTHE EDGE
TOYOTA
BRIAN KURSAR
VICE PRESIDENT AND CHIEF DATA SCIENTIST
NIMISH AMLATHE
DATA SCIENTIST
TOYOTA CONNECTED DATA SERVICES
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
17
TOYOTA
connected
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
Steering Angle
Accelerometer
Brake Sensor
Tire Pressure
Sensor
OdometerSpeedometer
RPMs
Gas Pedal
Window Sensor
Fuel Level
GPS
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
21
48average driving minutes per day
7.2 million data points
per connected vehicle
per day
500+ unique data points generated
every 200 milliseconds captured in
real time
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
Data services that drive
customer satisfaction
Data insights that
improve our products
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
CAMERA
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
Cars for good
Can we use video from vehicle cameras
to do positive things for the world?
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
Detect and alert other drivers on dangerous weather conditions
Cars for good
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
Keep our environment clean
Cars for good
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
Reduce graffiti
Cars for good
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
Automatically improve maps in real time
DROP OFF
Cars for good
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
Optimize public transportation routes
Four people
Cars for good
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
Optimize emergency services
Six occupants
Cars for good
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
Improve safety outside the car
Cars for good
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
Improve safety inside the car
Cars for good
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
We can, but…
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
Transferring to the cloud HD video from multiple cameras
is too expensive to support real-time computer vision services
Cars for good
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
7.5 million vehicles
One camera in each vehicle
One minute of HD video from each vehicle
Thecostofuploadingis...
Billions of dollars per year
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
Innovation
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
Training dataset
• Multiple drivers performing four complex actions
• Labelled as Normal Driving,Texting, Looking Away, On the Phone
On the phoneTexting Looking away
Can wepredict driver distraction?
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
“Don’t be a hero”
Instead of rolling your own network
architecture, look at whatever
currently works best on ImageNet,
download a pretrained model, and
fine-tune it on your data
You should rarely ever have to
design a model from scratch
or even train from scratch
Transferlearning
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
ResNet-152
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
We performed random rotations, random crop, RGB mean centering and
translations on each image sample
The augmented dataset makes the resulting model more robust and
less prone to overfitting
Image augmentation
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
Optimized hyper parameters
• Epochs: 50
• Image Shape: 3,224,224
• Learning_rate: 0.001
• Lr_scheduler_factor: 0.0001
• Lr_scheduler_step: 5
• Mini_batch_size: 64
• Num_Layers: 152
• Num_training_samples: 16180
• Optimizer: sgd
Data preprocessing: Downsample the images
from 640 x 480 to 224 x 224 so that their
dimension matches the one used by the pre-
trained model
Fine-tune pretrained network: After multiple
iterations on training sample data to find hyper
parameters, train using the pre-learned
weights and our image data
Pre-processing and hyperparameter tuning
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
• Train on Amazon SageMaker: Amazon EC2 P2 instances, 8 NVIDIATesla K80 GPUs
• Deploy model artifacts on AWS DeepLens with AWS Greengrass
• Use the Intel Model Optimizer for faster GPU inferences
• Upload predicted images to Amazon Simple Storage Service (Amazon S3) in real time
• Send inference results to AWS IoT
Deep Learning attheedge
MQTT protocol Client
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
Lessons learned
Use of other state-of-the-art models at the edge?
Ensemble is a very powerful tool, but performance on constrained devices is a challenge
Image preprocessing is the key
Focus on the part of the image that contains the driver, and cut out the useless part of the
image
Clipping does not work
Clipping the loss with various threshold does not help. Model has different level of confidence
on different classes
How often you run the inference and how you interpret it is more important
than model metrics like accuracy
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
Optimizing performance for inference attheedge
• Constrained devices require smaller and faster models
• Reduce memory usage
• Reduce computational complexity
• Reduce power consumption
• Code optimization: Intel Inference Engine, Intel MKL, NNPACK
• Quantization / Mixed-mode training: Smaller weights and activations
• Pruning: Remove useless connections
• Compression: Encode weights
• Some of these techniques are available in Apache MXNet orTensorFlow
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
Devicecan support HTTPS
Invoke an Amazon SageMaker endpoint
• Train a model in SageMaker (or import your own)
• Deploy it to a prediction endpoint
• Device invokes the HTTPS endpoint and receives prediction results
Best when
Devices are not powerful enough for local inference
Models can’t be easily deployed to devices
Additional cloud-based data is required for prediction
Prediction activity must be centralized
Requirements
Network is available
Devices support HTTP
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
Devicecannot support HTTPS
Invoke an AWS Lambda function through AWS IoT Core
• Train a model in Amazon SageMaker (or import your own)
• Deploy it to a prediction endpoint
• Write an AWS Lambda function performing prediction
• Device sends an MQTT message to AWS IoT Core, triggers the function,
and receives prediction results
Best when
Devices can support neither HTTP nor local
inference (for example, Arduino)
Costs must be kept as low as possible
Requirements
Network is available
(MQTT is less demanding than HTTP)
Devices are provisioned in AWS IoT Core
(certificate, keys)
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
Resources
https://ml.aws/
https://aws.amazon.com/sagemaker
https://aws.amazon.com/machine-learning/amis/
https://aws.amazon.com/greengrass
https://aws.amazon.com/greengrass/ml
https://aws.amazon.com/deeplens
https://medium.com/@julsimon
Thank you!
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
Julien Simon
PrincipalTech. Evangelist,AI/ML
AmazonWeb Services
@julsimon
Brian Kursar
VP and Chief Data Scientist
Toyota Connected Data Services
Brian.Kursar@toyotaconnected.com
@briankursar
NimishAmlathe
Data Scientist
Toyota Connected Data Services
Nimish.Amlathe@toyotaconnected.com
© 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.

More Related Content

What's hot

re:Invent Deep Dive on Amazon SageMaker, Amazon Forecast and Amazon Personalise
re:Invent Deep Dive on Amazon SageMaker, Amazon Forecast and Amazon Personalisere:Invent Deep Dive on Amazon SageMaker, Amazon Forecast and Amazon Personalise
re:Invent Deep Dive on Amazon SageMaker, Amazon Forecast and Amazon Personalise
Amazon Web Services
 
Machine Learning & Amazon SageMaker
Machine Learning & Amazon SageMakerMachine Learning & Amazon SageMaker
Machine Learning & Amazon SageMakerAmazon Web Services
 
Build, train and deploy ML models with Amazon SageMaker (May 2019)
Build, train and deploy ML models with Amazon SageMaker (May 2019)Build, train and deploy ML models with Amazon SageMaker (May 2019)
Build, train and deploy ML models with Amazon SageMaker (May 2019)
Julien SIMON
 
Build, train and deploy Machine Learning models on Amazon SageMaker (May 2019)
Build, train and deploy Machine Learning models on Amazon SageMaker (May 2019)Build, train and deploy Machine Learning models on Amazon SageMaker (May 2019)
Build, train and deploy Machine Learning models on Amazon SageMaker (May 2019)
Julien SIMON
 
Starting your AI/ML project right (May 2020)
Starting your AI/ML project right (May 2020)Starting your AI/ML project right (May 2020)
Starting your AI/ML project right (May 2020)
Julien SIMON
 
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
 
Introduction to Sagemaker
Introduction to SagemakerIntroduction to Sagemaker
Introduction to Sagemaker
Amazon Web Services
 
Customer-Obsessed Digital User Engagement
Customer-Obsessed Digital User EngagementCustomer-Obsessed Digital User Engagement
Customer-Obsessed Digital User Engagement
Amazon Web Services
 
A pragmatic introduction to natural language processing models (October 2019)
A pragmatic introduction to natural language processing models (October 2019)A pragmatic introduction to natural language processing models (October 2019)
A pragmatic introduction to natural language processing models (October 2019)
Julien SIMON
 
Build, Train and Deploy Machine Learning Models at Scale (April 2019)
Build, Train and Deploy Machine Learning Models at Scale (April 2019)Build, Train and Deploy Machine Learning Models at Scale (April 2019)
Build, Train and Deploy Machine Learning Models at Scale (April 2019)
Julien SIMON
 
Amazon SageMaker 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
Amazon Web Services
 
Optimize your Machine Learning Workloads on AWS (July 2019)
Optimize your Machine Learning Workloads on AWS (July 2019)Optimize your Machine Learning Workloads on AWS (July 2019)
Optimize your Machine Learning Workloads on AWS (July 2019)
Julien SIMON
 
AIM410R Deep Learning Applications with TensorFlow, featuring Mobileye (Decem...
AIM410R Deep Learning Applications with TensorFlow, featuring Mobileye (Decem...AIM410R Deep Learning Applications with TensorFlow, featuring Mobileye (Decem...
AIM410R Deep Learning Applications with TensorFlow, featuring Mobileye (Decem...
Julien SIMON
 
Amazon SageMaker Ground Truth: Build High-Quality and Accurate ML Training Da...
Amazon SageMaker Ground Truth: Build High-Quality and Accurate ML Training Da...Amazon SageMaker Ground Truth: Build High-Quality and Accurate ML Training Da...
Amazon SageMaker Ground Truth: Build High-Quality and Accurate ML Training Da...
Amazon Web Services
 
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
 
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
 
Amazon SageMaker Deep Dive for Builders
Amazon SageMaker Deep Dive for BuildersAmazon SageMaker Deep Dive for Builders
Amazon SageMaker Deep Dive for Builders
Amazon Web Services
 
AI & ML on AWS: State of the Union
AI & ML on AWS: State of the UnionAI & ML on AWS: State of the Union
AI & ML on AWS: State of the Union
Julien SIMON
 
Mcl345 re invent_sagemaker_dmbanga
Mcl345 re invent_sagemaker_dmbangaMcl345 re invent_sagemaker_dmbanga
Mcl345 re invent_sagemaker_dmbanga
Dan Romuald Mbanga
 
Getting Started with AIML Using Amazon Sagemaker_AWSPSSummit_Singapore
Getting Started with AIML Using Amazon Sagemaker_AWSPSSummit_SingaporeGetting Started with AIML Using Amazon Sagemaker_AWSPSSummit_Singapore
Getting Started with AIML Using Amazon Sagemaker_AWSPSSummit_Singapore
Amazon Web Services
 

What's hot (20)

re:Invent Deep Dive on Amazon SageMaker, Amazon Forecast and Amazon Personalise
re:Invent Deep Dive on Amazon SageMaker, Amazon Forecast and Amazon Personalisere:Invent Deep Dive on Amazon SageMaker, Amazon Forecast and Amazon Personalise
re:Invent Deep Dive on Amazon SageMaker, Amazon Forecast and Amazon Personalise
 
Machine Learning & Amazon SageMaker
Machine Learning & Amazon SageMakerMachine Learning & Amazon SageMaker
Machine Learning & Amazon SageMaker
 
Build, train and deploy ML models with Amazon SageMaker (May 2019)
Build, train and deploy ML models with Amazon SageMaker (May 2019)Build, train and deploy ML models with Amazon SageMaker (May 2019)
Build, train and deploy ML models with Amazon SageMaker (May 2019)
 
Build, train and deploy Machine Learning models on Amazon SageMaker (May 2019)
Build, train and deploy Machine Learning models on Amazon SageMaker (May 2019)Build, train and deploy Machine Learning models on Amazon SageMaker (May 2019)
Build, train and deploy Machine Learning models on Amazon SageMaker (May 2019)
 
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)
 
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)
 
Introduction to Sagemaker
Introduction to SagemakerIntroduction to Sagemaker
Introduction to Sagemaker
 
Customer-Obsessed Digital User Engagement
Customer-Obsessed Digital User EngagementCustomer-Obsessed Digital User Engagement
Customer-Obsessed Digital User Engagement
 
A pragmatic introduction to natural language processing models (October 2019)
A pragmatic introduction to natural language processing models (October 2019)A pragmatic introduction to natural language processing models (October 2019)
A pragmatic introduction to natural language processing models (October 2019)
 
Build, Train and Deploy Machine Learning Models at Scale (April 2019)
Build, Train and Deploy Machine Learning Models at Scale (April 2019)Build, Train and Deploy Machine Learning Models at Scale (April 2019)
Build, Train and Deploy Machine Learning Models at Scale (April 2019)
 
Amazon SageMaker 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
 
Optimize your Machine Learning Workloads on AWS (July 2019)
Optimize your Machine Learning Workloads on AWS (July 2019)Optimize your Machine Learning Workloads on AWS (July 2019)
Optimize your Machine Learning Workloads on AWS (July 2019)
 
AIM410R Deep Learning Applications with TensorFlow, featuring Mobileye (Decem...
AIM410R Deep Learning Applications with TensorFlow, featuring Mobileye (Decem...AIM410R Deep Learning Applications with TensorFlow, featuring Mobileye (Decem...
AIM410R Deep Learning Applications with TensorFlow, featuring Mobileye (Decem...
 
Amazon SageMaker Ground Truth: Build High-Quality and Accurate ML Training Da...
Amazon SageMaker Ground Truth: Build High-Quality and Accurate ML Training Da...Amazon SageMaker Ground Truth: Build High-Quality and Accurate ML Training Da...
Amazon SageMaker Ground Truth: Build High-Quality and Accurate ML Training Da...
 
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)
 
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)
 
Amazon SageMaker Deep Dive for Builders
Amazon SageMaker Deep Dive for BuildersAmazon SageMaker Deep Dive for Builders
Amazon SageMaker Deep Dive for Builders
 
AI & ML on AWS: State of the Union
AI & ML on AWS: State of the UnionAI & ML on AWS: State of the Union
AI & ML on AWS: State of the Union
 
Mcl345 re invent_sagemaker_dmbanga
Mcl345 re invent_sagemaker_dmbangaMcl345 re invent_sagemaker_dmbanga
Mcl345 re invent_sagemaker_dmbanga
 
Getting Started with AIML Using Amazon Sagemaker_AWSPSSummit_Singapore
Getting Started with AIML Using Amazon Sagemaker_AWSPSSummit_SingaporeGetting Started with AIML Using Amazon Sagemaker_AWSPSSummit_Singapore
Getting Started with AIML Using Amazon Sagemaker_AWSPSSummit_Singapore
 

Similar to AWS re:Invent 2018 - AIM302 - Machine Learning at the Edge

Machine Learning at the Edge (AIM302) - AWS re:Invent 2018
Machine Learning at the Edge (AIM302) - AWS re:Invent 2018Machine Learning at the Edge (AIM302) - AWS re:Invent 2018
Machine Learning at the Edge (AIM302) - AWS re:Invent 2018
Amazon Web Services
 
Quickly and easily build, train, and deploy machine learning models at any scale
Quickly and easily build, train, and deploy machine learning models at any scaleQuickly and easily build, train, and deploy machine learning models at any scale
Quickly and easily build, train, and deploy machine learning models at any scale
AWS Germany
 
Perform Machine Learning at the IoT Edge using AWS Greengrass and Amazon Sage...
Perform Machine Learning at the IoT Edge using AWS Greengrass and Amazon Sage...Perform Machine Learning at the IoT Edge using AWS Greengrass and Amazon Sage...
Perform Machine Learning at the IoT Edge using AWS Greengrass and Amazon Sage...
Amazon Web Services
 
Introducing Amazon SageMaker - AWS Online Tech Talks
Introducing Amazon SageMaker - AWS Online Tech TalksIntroducing Amazon SageMaker - AWS Online Tech Talks
Introducing Amazon SageMaker - AWS Online Tech Talks
Amazon Web Services
 
Build Your Recommendation Engine on AWS Today - AWS Summit Berlin 2018
Build Your Recommendation Engine on AWS Today - AWS Summit Berlin 2018Build Your Recommendation Engine on AWS Today - AWS Summit Berlin 2018
Build Your Recommendation Engine on AWS Today - AWS Summit Berlin 2018
Yotam Yarden
 
Remove Undifferentiated Heavy Lifting from CI/CD Toolsets with Corteva Agrisc...
Remove Undifferentiated Heavy Lifting from CI/CD Toolsets with Corteva Agrisc...Remove Undifferentiated Heavy Lifting from CI/CD Toolsets with Corteva Agrisc...
Remove Undifferentiated Heavy Lifting from CI/CD Toolsets with Corteva Agrisc...
Amazon Web Services
 
Build Your Recommendation Engine on AWS Today!
Build Your Recommendation Engine on AWS Today!Build Your Recommendation Engine on AWS Today!
Build Your Recommendation Engine on AWS Today!
AWS Germany
 
CI/CD for Your Machine Learning Pipeline with Amazon SageMaker (DVC303) - AWS...
CI/CD for Your Machine Learning Pipeline with Amazon SageMaker (DVC303) - AWS...CI/CD for Your Machine Learning Pipeline with Amazon SageMaker (DVC303) - AWS...
CI/CD for Your Machine Learning Pipeline with Amazon SageMaker (DVC303) - AWS...
Amazon Web Services
 
Your road to a Well Architected solution in the Cloud - Tel Aviv Summit 2018
Your road to a Well Architected solution in the Cloud - Tel Aviv Summit 2018Your road to a Well Architected solution in the Cloud - Tel Aviv Summit 2018
Your road to a Well Architected solution in the Cloud - Tel Aviv Summit 2018
Amazon Web Services
 
Building Serverless IoT solutions - EPAM SEC 2018 Minsk
Building Serverless IoT solutions - EPAM SEC 2018 MinskBuilding Serverless IoT solutions - EPAM SEC 2018 Minsk
Building Serverless IoT solutions - EPAM SEC 2018 Minsk
Boaz Ziniman
 
Containers for Startups
Containers for StartupsContainers for Startups
Containers for Startups
Amazon Web Services
 
Work with Machine Learning in Amazon SageMaker - BDA203 - Atlanta AWS Summit
Work with Machine Learning in Amazon SageMaker - BDA203 - Atlanta AWS SummitWork with Machine Learning in Amazon SageMaker - BDA203 - Atlanta AWS Summit
Work with Machine Learning in Amazon SageMaker - BDA203 - Atlanta AWS Summit
Amazon Web Services
 
Serverless AI with Scikit-Learn (GPSWS405) - AWS re:Invent 2018
Serverless AI with Scikit-Learn (GPSWS405) - AWS re:Invent 2018Serverless AI with Scikit-Learn (GPSWS405) - AWS re:Invent 2018
Serverless AI with Scikit-Learn (GPSWS405) - AWS re:Invent 2018
Amazon Web Services
 
Get Started with Deep Learning and Computer Vision Using AWS DeepLens (AIM316...
Get Started with Deep Learning and Computer Vision Using AWS DeepLens (AIM316...Get Started with Deep Learning and Computer Vision Using AWS DeepLens (AIM316...
Get Started with Deep Learning and Computer Vision Using AWS DeepLens (AIM316...
Amazon Web Services
 
Safeguard the Integrity of Your Code for Fast and Secure Deployments (DEV349-...
Safeguard the Integrity of Your Code for Fast and Secure Deployments (DEV349-...Safeguard the Integrity of Your Code for Fast and Secure Deployments (DEV349-...
Safeguard the Integrity of Your Code for Fast and Secure Deployments (DEV349-...
Amazon Web Services
 
[REPEAT 1] Safeguard the Integrity of Your Code for Fast and Secure Deploymen...
[REPEAT 1] Safeguard the Integrity of Your Code for Fast and Secure Deploymen...[REPEAT 1] Safeguard the Integrity of Your Code for Fast and Secure Deploymen...
[REPEAT 1] Safeguard the Integrity of Your Code for Fast and Secure Deploymen...
Amazon Web Services
 
Come costruire una soluzione Digital Twin con AWS IoT e AI-ML
Come costruire una soluzione Digital Twin con AWS IoT e AI-MLCome costruire una soluzione Digital Twin con AWS IoT e AI-ML
Come costruire una soluzione Digital Twin con AWS IoT e AI-ML
Amazon Web Services
 
Machine Learning, Open Data, and the Future WarFighter
Machine Learning, Open Data, and the Future WarFighterMachine Learning, Open Data, and the Future WarFighter
Machine Learning, Open Data, and the Future WarFighter
Amazon Web Services
 
Image Recognition Real World Applications
Image Recognition Real World ApplicationsImage Recognition Real World Applications
Image Recognition Real World Applications
Amazon Web Services
 
Accelerate ML Training on Amazon SageMaker Using GPU-Based EC2 P3 Instances (...
Accelerate ML Training on Amazon SageMaker Using GPU-Based EC2 P3 Instances (...Accelerate ML Training on Amazon SageMaker Using GPU-Based EC2 P3 Instances (...
Accelerate ML Training on Amazon SageMaker Using GPU-Based EC2 P3 Instances (...
Amazon Web Services
 

Similar to AWS re:Invent 2018 - AIM302 - Machine Learning at the Edge (20)

Machine Learning at the Edge (AIM302) - AWS re:Invent 2018
Machine Learning at the Edge (AIM302) - AWS re:Invent 2018Machine Learning at the Edge (AIM302) - AWS re:Invent 2018
Machine Learning at the Edge (AIM302) - AWS re:Invent 2018
 
Quickly and easily build, train, and deploy machine learning models at any scale
Quickly and easily build, train, and deploy machine learning models at any scaleQuickly and easily build, train, and deploy machine learning models at any scale
Quickly and easily build, train, and deploy machine learning models at any scale
 
Perform Machine Learning at the IoT Edge using AWS Greengrass and Amazon Sage...
Perform Machine Learning at the IoT Edge using AWS Greengrass and Amazon Sage...Perform Machine Learning at the IoT Edge using AWS Greengrass and Amazon Sage...
Perform Machine Learning at the IoT Edge using AWS Greengrass and Amazon Sage...
 
Introducing Amazon SageMaker - AWS Online Tech Talks
Introducing Amazon SageMaker - AWS Online Tech TalksIntroducing Amazon SageMaker - AWS Online Tech Talks
Introducing Amazon SageMaker - AWS Online Tech Talks
 
Build Your Recommendation Engine on AWS Today - AWS Summit Berlin 2018
Build Your Recommendation Engine on AWS Today - AWS Summit Berlin 2018Build Your Recommendation Engine on AWS Today - AWS Summit Berlin 2018
Build Your Recommendation Engine on AWS Today - AWS Summit Berlin 2018
 
Remove Undifferentiated Heavy Lifting from CI/CD Toolsets with Corteva Agrisc...
Remove Undifferentiated Heavy Lifting from CI/CD Toolsets with Corteva Agrisc...Remove Undifferentiated Heavy Lifting from CI/CD Toolsets with Corteva Agrisc...
Remove Undifferentiated Heavy Lifting from CI/CD Toolsets with Corteva Agrisc...
 
Build Your Recommendation Engine on AWS Today!
Build Your Recommendation Engine on AWS Today!Build Your Recommendation Engine on AWS Today!
Build Your Recommendation Engine on AWS Today!
 
CI/CD for Your Machine Learning Pipeline with Amazon SageMaker (DVC303) - AWS...
CI/CD for Your Machine Learning Pipeline with Amazon SageMaker (DVC303) - AWS...CI/CD for Your Machine Learning Pipeline with Amazon SageMaker (DVC303) - AWS...
CI/CD for Your Machine Learning Pipeline with Amazon SageMaker (DVC303) - AWS...
 
Your road to a Well Architected solution in the Cloud - Tel Aviv Summit 2018
Your road to a Well Architected solution in the Cloud - Tel Aviv Summit 2018Your road to a Well Architected solution in the Cloud - Tel Aviv Summit 2018
Your road to a Well Architected solution in the Cloud - Tel Aviv Summit 2018
 
Building Serverless IoT solutions - EPAM SEC 2018 Minsk
Building Serverless IoT solutions - EPAM SEC 2018 MinskBuilding Serverless IoT solutions - EPAM SEC 2018 Minsk
Building Serverless IoT solutions - EPAM SEC 2018 Minsk
 
Containers for Startups
Containers for StartupsContainers for Startups
Containers for Startups
 
Work with Machine Learning in Amazon SageMaker - BDA203 - Atlanta AWS Summit
Work with Machine Learning in Amazon SageMaker - BDA203 - Atlanta AWS SummitWork with Machine Learning in Amazon SageMaker - BDA203 - Atlanta AWS Summit
Work with Machine Learning in Amazon SageMaker - BDA203 - Atlanta AWS Summit
 
Serverless AI with Scikit-Learn (GPSWS405) - AWS re:Invent 2018
Serverless AI with Scikit-Learn (GPSWS405) - AWS re:Invent 2018Serverless AI with Scikit-Learn (GPSWS405) - AWS re:Invent 2018
Serverless AI with Scikit-Learn (GPSWS405) - AWS re:Invent 2018
 
Get Started with Deep Learning and Computer Vision Using AWS DeepLens (AIM316...
Get Started with Deep Learning and Computer Vision Using AWS DeepLens (AIM316...Get Started with Deep Learning and Computer Vision Using AWS DeepLens (AIM316...
Get Started with Deep Learning and Computer Vision Using AWS DeepLens (AIM316...
 
Safeguard the Integrity of Your Code for Fast and Secure Deployments (DEV349-...
Safeguard the Integrity of Your Code for Fast and Secure Deployments (DEV349-...Safeguard the Integrity of Your Code for Fast and Secure Deployments (DEV349-...
Safeguard the Integrity of Your Code for Fast and Secure Deployments (DEV349-...
 
[REPEAT 1] Safeguard the Integrity of Your Code for Fast and Secure Deploymen...
[REPEAT 1] Safeguard the Integrity of Your Code for Fast and Secure Deploymen...[REPEAT 1] Safeguard the Integrity of Your Code for Fast and Secure Deploymen...
[REPEAT 1] Safeguard the Integrity of Your Code for Fast and Secure Deploymen...
 
Come costruire una soluzione Digital Twin con AWS IoT e AI-ML
Come costruire una soluzione Digital Twin con AWS IoT e AI-MLCome costruire una soluzione Digital Twin con AWS IoT e AI-ML
Come costruire una soluzione Digital Twin con AWS IoT e AI-ML
 
Machine Learning, Open Data, and the Future WarFighter
Machine Learning, Open Data, and the Future WarFighterMachine Learning, Open Data, and the Future WarFighter
Machine Learning, Open Data, and the Future WarFighter
 
Image Recognition Real World Applications
Image Recognition Real World ApplicationsImage Recognition Real World Applications
Image Recognition Real World Applications
 
Accelerate ML Training on Amazon SageMaker Using GPU-Based EC2 P3 Instances (...
Accelerate ML Training on Amazon SageMaker Using GPU-Based EC2 P3 Instances (...Accelerate ML Training on Amazon SageMaker Using GPU-Based EC2 P3 Instances (...
Accelerate ML Training on Amazon SageMaker Using GPU-Based EC2 P3 Instances (...
 

More from Julien SIMON

An introduction to computer vision with Hugging Face
An introduction to computer vision with Hugging FaceAn introduction to computer vision with Hugging Face
An introduction to computer vision with Hugging Face
Julien SIMON
 
Reinventing Deep Learning
 with Hugging Face Transformers
Reinventing Deep Learning
 with Hugging Face TransformersReinventing Deep Learning
 with Hugging Face Transformers
Reinventing Deep Learning
 with Hugging Face Transformers
Julien SIMON
 
Building NLP applications with Transformers
Building NLP applications with TransformersBuilding NLP applications with Transformers
Building NLP applications with Transformers
Julien SIMON
 
Building Machine Learning Models Automatically (June 2020)
Building Machine Learning Models Automatically (June 2020)Building Machine Learning Models Automatically (June 2020)
Building Machine Learning Models Automatically (June 2020)
Julien SIMON
 
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
 
An Introduction to Generative Adversarial Networks (April 2020)
An Introduction to Generative Adversarial Networks (April 2020)An Introduction to Generative Adversarial Networks (April 2020)
An Introduction to Generative Adversarial Networks (April 2020)
Julien SIMON
 
AIM410R1 Deep learning applications with TensorFlow, featuring Fannie Mae (De...
AIM410R1 Deep learning applications with TensorFlow, featuring Fannie Mae (De...AIM410R1 Deep learning applications with TensorFlow, featuring Fannie Mae (De...
AIM410R1 Deep learning applications with TensorFlow, featuring Fannie Mae (De...
Julien SIMON
 
AIM361 Optimizing machine learning models with Amazon SageMaker (December 2019)
AIM361 Optimizing machine learning models with Amazon SageMaker (December 2019)AIM361 Optimizing machine learning models with Amazon SageMaker (December 2019)
AIM361 Optimizing machine learning models with Amazon SageMaker (December 2019)
Julien SIMON
 
The Future of AI (September 2019)
The Future of AI (September 2019)The Future of AI (September 2019)
The Future of AI (September 2019)
Julien SIMON
 
Building Machine Learning Inference Pipelines at Scale (July 2019)
Building Machine Learning Inference Pipelines at Scale (July 2019)Building Machine Learning Inference Pipelines at Scale (July 2019)
Building Machine Learning Inference Pipelines at Scale (July 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
 
Deep Learning on Amazon Sagemaker (July 2019)
Deep Learning on Amazon Sagemaker (July 2019)Deep Learning on Amazon Sagemaker (July 2019)
Deep Learning on Amazon Sagemaker (July 2019)
Julien SIMON
 
Automate your Amazon SageMaker Workflows (July 2019)
Automate your Amazon SageMaker Workflows (July 2019)Automate your Amazon SageMaker Workflows (July 2019)
Automate your Amazon SageMaker Workflows (July 2019)
Julien SIMON
 
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
 
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
 
Solve complex business problems with Amazon Personalize and Amazon Forecast (...
Solve complex business problems with Amazon Personalize and Amazon Forecast (...Solve complex business problems with Amazon Personalize and Amazon Forecast (...
Solve complex business problems with Amazon Personalize and Amazon Forecast (...
Julien SIMON
 
Optimize your Machine Learning workloads (April 2019)
Optimize your Machine Learning workloads (April 2019)Optimize your Machine Learning workloads (April 2019)
Optimize your Machine Learning workloads (April 2019)
Julien SIMON
 
Deep Learning with Tensorflow and Apache MXNet on AWS (April 2019)
Deep Learning with Tensorflow and Apache MXNet on AWS (April 2019)Deep Learning with Tensorflow and Apache MXNet on AWS (April 2019)
Deep Learning with Tensorflow and Apache MXNet on AWS (April 2019)
Julien SIMON
 

More from Julien SIMON (18)

An introduction to computer vision with Hugging Face
An introduction to computer vision with Hugging FaceAn introduction to computer vision with Hugging Face
An introduction to computer vision with Hugging Face
 
Reinventing Deep Learning
 with Hugging Face Transformers
Reinventing Deep Learning
 with Hugging Face TransformersReinventing Deep Learning
 with Hugging Face Transformers
Reinventing Deep Learning
 with Hugging Face Transformers
 
Building NLP applications with Transformers
Building NLP applications with TransformersBuilding NLP applications with Transformers
Building NLP applications with Transformers
 
Building Machine Learning Models Automatically (June 2020)
Building Machine Learning Models Automatically (June 2020)Building Machine Learning Models Automatically (June 2020)
Building Machine Learning Models Automatically (June 2020)
 
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)
 
An Introduction to Generative Adversarial Networks (April 2020)
An Introduction to Generative Adversarial Networks (April 2020)An Introduction to Generative Adversarial Networks (April 2020)
An Introduction to Generative Adversarial Networks (April 2020)
 
AIM410R1 Deep learning applications with TensorFlow, featuring Fannie Mae (De...
AIM410R1 Deep learning applications with TensorFlow, featuring Fannie Mae (De...AIM410R1 Deep learning applications with TensorFlow, featuring Fannie Mae (De...
AIM410R1 Deep learning applications with TensorFlow, featuring Fannie Mae (De...
 
AIM361 Optimizing machine learning models with Amazon SageMaker (December 2019)
AIM361 Optimizing machine learning models with Amazon SageMaker (December 2019)AIM361 Optimizing machine learning models with Amazon SageMaker (December 2019)
AIM361 Optimizing machine learning models with Amazon SageMaker (December 2019)
 
The Future of AI (September 2019)
The Future of AI (September 2019)The Future of AI (September 2019)
The Future of AI (September 2019)
 
Building Machine Learning Inference Pipelines at Scale (July 2019)
Building Machine Learning Inference Pipelines at Scale (July 2019)Building Machine Learning Inference Pipelines at Scale (July 2019)
Building Machine Learning Inference Pipelines at Scale (July 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...
 
Deep Learning on Amazon Sagemaker (July 2019)
Deep Learning on Amazon Sagemaker (July 2019)Deep Learning on Amazon Sagemaker (July 2019)
Deep Learning on Amazon Sagemaker (July 2019)
 
Automate your Amazon SageMaker Workflows (July 2019)
Automate your Amazon SageMaker Workflows (July 2019)Automate your Amazon SageMaker Workflows (July 2019)
Automate your Amazon SageMaker Workflows (July 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)
Scaling Machine Learning from zero to millions of users (May 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)
Become a Machine Learning developer with AWS (Avril 2019)
 
Solve complex business problems with Amazon Personalize and Amazon Forecast (...
Solve complex business problems with Amazon Personalize and Amazon Forecast (...Solve complex business problems with Amazon Personalize and Amazon Forecast (...
Solve complex business problems with Amazon Personalize and Amazon Forecast (...
 
Optimize your Machine Learning workloads (April 2019)
Optimize your Machine Learning workloads (April 2019)Optimize your Machine Learning workloads (April 2019)
Optimize your Machine Learning workloads (April 2019)
 
Deep Learning with Tensorflow and Apache MXNet on AWS (April 2019)
Deep Learning with Tensorflow and Apache MXNet on AWS (April 2019)Deep Learning with Tensorflow and Apache MXNet on AWS (April 2019)
Deep Learning with Tensorflow and Apache MXNet on AWS (April 2019)
 

Recently uploaded

Securing your Kubernetes cluster_ a step-by-step guide to success !
Securing your Kubernetes cluster_ a step-by-step guide to success !Securing your Kubernetes cluster_ a step-by-step guide to success !
Securing your Kubernetes cluster_ a step-by-step guide to success !
KatiaHIMEUR1
 
Goodbye Windows 11: Make Way for Nitrux Linux 3.5.0!
Goodbye Windows 11: Make Way for Nitrux Linux 3.5.0!Goodbye Windows 11: Make Way for Nitrux Linux 3.5.0!
Goodbye Windows 11: Make Way for Nitrux Linux 3.5.0!
SOFTTECHHUB
 
GraphSummit Singapore | The Future of Agility: Supercharging Digital Transfor...
GraphSummit Singapore | The Future of Agility: Supercharging Digital Transfor...GraphSummit Singapore | The Future of Agility: Supercharging Digital Transfor...
GraphSummit Singapore | The Future of Agility: Supercharging Digital Transfor...
Neo4j
 
みなさんこんにちはこれ何文字まで入るの?40文字以下不可とか本当に意味わからないけどこれ限界文字数書いてないからマジでやばい文字数いけるんじゃないの?えこ...
みなさんこんにちはこれ何文字まで入るの?40文字以下不可とか本当に意味わからないけどこれ限界文字数書いてないからマジでやばい文字数いけるんじゃないの?えこ...みなさんこんにちはこれ何文字まで入るの?40文字以下不可とか本当に意味わからないけどこれ限界文字数書いてないからマジでやばい文字数いけるんじゃないの?えこ...
みなさんこんにちはこれ何文字まで入るの?40文字以下不可とか本当に意味わからないけどこれ限界文字数書いてないからマジでやばい文字数いけるんじゃないの?えこ...
名前 です男
 
20240605 QFM017 Machine Intelligence Reading List May 2024
20240605 QFM017 Machine Intelligence Reading List May 202420240605 QFM017 Machine Intelligence Reading List May 2024
20240605 QFM017 Machine Intelligence Reading List May 2024
Matthew Sinclair
 
Alt. GDG Cloud Southlake #33: Boule & Rebala: Effective AppSec in SDLC using ...
Alt. GDG Cloud Southlake #33: Boule & Rebala: Effective AppSec in SDLC using ...Alt. GDG Cloud Southlake #33: Boule & Rebala: Effective AppSec in SDLC using ...
Alt. GDG Cloud Southlake #33: Boule & Rebala: Effective AppSec in SDLC using ...
James Anderson
 
Artificial Intelligence for XMLDevelopment
Artificial Intelligence for XMLDevelopmentArtificial Intelligence for XMLDevelopment
Artificial Intelligence for XMLDevelopment
Octavian Nadolu
 
The Art of the Pitch: WordPress Relationships and Sales
The Art of the Pitch: WordPress Relationships and SalesThe Art of the Pitch: WordPress Relationships and Sales
The Art of the Pitch: WordPress Relationships and Sales
Laura Byrne
 
Pushing the limits of ePRTC: 100ns holdover for 100 days
Pushing the limits of ePRTC: 100ns holdover for 100 daysPushing the limits of ePRTC: 100ns holdover for 100 days
Pushing the limits of ePRTC: 100ns holdover for 100 days
Adtran
 
GridMate - End to end testing is a critical piece to ensure quality and avoid...
GridMate - End to end testing is a critical piece to ensure quality and avoid...GridMate - End to end testing is a critical piece to ensure quality and avoid...
GridMate - End to end testing is a critical piece to ensure quality and avoid...
ThomasParaiso2
 
DevOps and Testing slides at DASA Connect
DevOps and Testing slides at DASA ConnectDevOps and Testing slides at DASA Connect
DevOps and Testing slides at DASA Connect
Kari Kakkonen
 
Encryption in Microsoft 365 - ExpertsLive Netherlands 2024
Encryption in Microsoft 365 - ExpertsLive Netherlands 2024Encryption in Microsoft 365 - ExpertsLive Netherlands 2024
Encryption in Microsoft 365 - ExpertsLive Netherlands 2024
Albert Hoitingh
 
UiPath Test Automation using UiPath Test Suite series, part 6
UiPath Test Automation using UiPath Test Suite series, part 6UiPath Test Automation using UiPath Test Suite series, part 6
UiPath Test Automation using UiPath Test Suite series, part 6
DianaGray10
 
Epistemic Interaction - tuning interfaces to provide information for AI support
Epistemic Interaction - tuning interfaces to provide information for AI supportEpistemic Interaction - tuning interfaces to provide information for AI support
Epistemic Interaction - tuning interfaces to provide information for AI support
Alan Dix
 
Climate Impact of Software Testing at Nordic Testing Days
Climate Impact of Software Testing at Nordic Testing DaysClimate Impact of Software Testing at Nordic Testing Days
Climate Impact of Software Testing at Nordic Testing Days
Kari Kakkonen
 
Elizabeth Buie - Older adults: Are we really designing for our future selves?
Elizabeth Buie - Older adults: Are we really designing for our future selves?Elizabeth Buie - Older adults: Are we really designing for our future selves?
Elizabeth Buie - Older adults: Are we really designing for our future selves?
Nexer Digital
 
Mind map of terminologies used in context of Generative AI
Mind map of terminologies used in context of Generative AIMind map of terminologies used in context of Generative AI
Mind map of terminologies used in context of Generative AI
Kumud Singh
 
Generative AI Deep Dive: Advancing from Proof of Concept to Production
Generative AI Deep Dive: Advancing from Proof of Concept to ProductionGenerative AI Deep Dive: Advancing from Proof of Concept to Production
Generative AI Deep Dive: Advancing from Proof of Concept to Production
Aggregage
 
Communications Mining Series - Zero to Hero - Session 1
Communications Mining Series - Zero to Hero - Session 1Communications Mining Series - Zero to Hero - Session 1
Communications Mining Series - Zero to Hero - Session 1
DianaGray10
 
UiPath Test Automation using UiPath Test Suite series, part 5
UiPath Test Automation using UiPath Test Suite series, part 5UiPath Test Automation using UiPath Test Suite series, part 5
UiPath Test Automation using UiPath Test Suite series, part 5
DianaGray10
 

Recently uploaded (20)

Securing your Kubernetes cluster_ a step-by-step guide to success !
Securing your Kubernetes cluster_ a step-by-step guide to success !Securing your Kubernetes cluster_ a step-by-step guide to success !
Securing your Kubernetes cluster_ a step-by-step guide to success !
 
Goodbye Windows 11: Make Way for Nitrux Linux 3.5.0!
Goodbye Windows 11: Make Way for Nitrux Linux 3.5.0!Goodbye Windows 11: Make Way for Nitrux Linux 3.5.0!
Goodbye Windows 11: Make Way for Nitrux Linux 3.5.0!
 
GraphSummit Singapore | The Future of Agility: Supercharging Digital Transfor...
GraphSummit Singapore | The Future of Agility: Supercharging Digital Transfor...GraphSummit Singapore | The Future of Agility: Supercharging Digital Transfor...
GraphSummit Singapore | The Future of Agility: Supercharging Digital Transfor...
 
みなさんこんにちはこれ何文字まで入るの?40文字以下不可とか本当に意味わからないけどこれ限界文字数書いてないからマジでやばい文字数いけるんじゃないの?えこ...
みなさんこんにちはこれ何文字まで入るの?40文字以下不可とか本当に意味わからないけどこれ限界文字数書いてないからマジでやばい文字数いけるんじゃないの?えこ...みなさんこんにちはこれ何文字まで入るの?40文字以下不可とか本当に意味わからないけどこれ限界文字数書いてないからマジでやばい文字数いけるんじゃないの?えこ...
みなさんこんにちはこれ何文字まで入るの?40文字以下不可とか本当に意味わからないけどこれ限界文字数書いてないからマジでやばい文字数いけるんじゃないの?えこ...
 
20240605 QFM017 Machine Intelligence Reading List May 2024
20240605 QFM017 Machine Intelligence Reading List May 202420240605 QFM017 Machine Intelligence Reading List May 2024
20240605 QFM017 Machine Intelligence Reading List May 2024
 
Alt. GDG Cloud Southlake #33: Boule & Rebala: Effective AppSec in SDLC using ...
Alt. GDG Cloud Southlake #33: Boule & Rebala: Effective AppSec in SDLC using ...Alt. GDG Cloud Southlake #33: Boule & Rebala: Effective AppSec in SDLC using ...
Alt. GDG Cloud Southlake #33: Boule & Rebala: Effective AppSec in SDLC using ...
 
Artificial Intelligence for XMLDevelopment
Artificial Intelligence for XMLDevelopmentArtificial Intelligence for XMLDevelopment
Artificial Intelligence for XMLDevelopment
 
The Art of the Pitch: WordPress Relationships and Sales
The Art of the Pitch: WordPress Relationships and SalesThe Art of the Pitch: WordPress Relationships and Sales
The Art of the Pitch: WordPress Relationships and Sales
 
Pushing the limits of ePRTC: 100ns holdover for 100 days
Pushing the limits of ePRTC: 100ns holdover for 100 daysPushing the limits of ePRTC: 100ns holdover for 100 days
Pushing the limits of ePRTC: 100ns holdover for 100 days
 
GridMate - End to end testing is a critical piece to ensure quality and avoid...
GridMate - End to end testing is a critical piece to ensure quality and avoid...GridMate - End to end testing is a critical piece to ensure quality and avoid...
GridMate - End to end testing is a critical piece to ensure quality and avoid...
 
DevOps and Testing slides at DASA Connect
DevOps and Testing slides at DASA ConnectDevOps and Testing slides at DASA Connect
DevOps and Testing slides at DASA Connect
 
Encryption in Microsoft 365 - ExpertsLive Netherlands 2024
Encryption in Microsoft 365 - ExpertsLive Netherlands 2024Encryption in Microsoft 365 - ExpertsLive Netherlands 2024
Encryption in Microsoft 365 - ExpertsLive Netherlands 2024
 
UiPath Test Automation using UiPath Test Suite series, part 6
UiPath Test Automation using UiPath Test Suite series, part 6UiPath Test Automation using UiPath Test Suite series, part 6
UiPath Test Automation using UiPath Test Suite series, part 6
 
Epistemic Interaction - tuning interfaces to provide information for AI support
Epistemic Interaction - tuning interfaces to provide information for AI supportEpistemic Interaction - tuning interfaces to provide information for AI support
Epistemic Interaction - tuning interfaces to provide information for AI support
 
Climate Impact of Software Testing at Nordic Testing Days
Climate Impact of Software Testing at Nordic Testing DaysClimate Impact of Software Testing at Nordic Testing Days
Climate Impact of Software Testing at Nordic Testing Days
 
Elizabeth Buie - Older adults: Are we really designing for our future selves?
Elizabeth Buie - Older adults: Are we really designing for our future selves?Elizabeth Buie - Older adults: Are we really designing for our future selves?
Elizabeth Buie - Older adults: Are we really designing for our future selves?
 
Mind map of terminologies used in context of Generative AI
Mind map of terminologies used in context of Generative AIMind map of terminologies used in context of Generative AI
Mind map of terminologies used in context of Generative AI
 
Generative AI Deep Dive: Advancing from Proof of Concept to Production
Generative AI Deep Dive: Advancing from Proof of Concept to ProductionGenerative AI Deep Dive: Advancing from Proof of Concept to Production
Generative AI Deep Dive: Advancing from Proof of Concept to Production
 
Communications Mining Series - Zero to Hero - Session 1
Communications Mining Series - Zero to Hero - Session 1Communications Mining Series - Zero to Hero - Session 1
Communications Mining Series - Zero to Hero - Session 1
 
UiPath Test Automation using UiPath Test Suite series, part 5
UiPath Test Automation using UiPath Test Suite series, part 5UiPath Test Automation using UiPath Test Suite series, part 5
UiPath Test Automation using UiPath Test Suite series, part 5
 

AWS re:Invent 2018 - AIM302 - Machine Learning at the Edge

  • 1.
  • 2. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. Machine Learning at the Edge A I M 3 0 2 Julien Simon PrincipalTech. Evangelist,AI/ML AmazonWeb Services @julsimon Brian Kursar VP and Chief Data Scientist Toyota Connected Data Services Brian.Kursar@toyotaconnected.com @briankursar NimishAmlathe Data Scientist Toyota Connected Data Services Nimish.Amlathe@toyotaconnected.com
  • 3. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. Agenda • Machine learning at the edge? • LeveragingAWS services • Case study:Toyota Connected Data Services • Alternative scenarios • Optimizing for inference at the edge • Getting started
  • 4. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
  • 5. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. Mostmachinedataneverreaches thecloud Medical equipment Industrial machinery Extreme environments
  • 6. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. Whythisproblem isn’tgoing away Law of physics Law of economics Law of the land
  • 7. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
  • 8. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. Experimenting and training inthecloud AWS Deep Learning AMI Amazon Elastic Compute Cloud (Amazon EC2) c5 p3 Amazon SageMaker
  • 9. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. Inferences and local actions on device Extracted intelligence Trained model and Lambda function Generic Deploying and predicting with AWS Greengrass
  • 10. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. Deploying withAWSGreengrass • Train a model in Amazon SageMaker (or import your own) • Write an AWS Lambda function for prediction • Add both as resources in your AWS Greengrass group • Let AWS Greengrass handle deployment and updates Best when You want the same programming model in the cloud and at the edge Code and models need to be updated, even if network connectivity is infrequent or unreliable You need one device in the group to perform prediction on behalf on other devices Requirements Devices are powerful enough to run AWS Greengrass Devices are provisioned in AWS IoT Core (certificate, keys)
  • 11. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
  • 12. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. A new way to learn Custom built for Deep Learning Broad framework support Deploy models from Amazon SageMaker Integrated with AWS Fully programmable with AWS Lambda AWS DeepLens HD video camera Custom-designed Deep Learning engine Micro-SD Mini-HDMI USB USB Reset Audio out Power
  • 13. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. AWS DeepLens
  • 14. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. Object detection withAWS DeepLens
  • 15. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. Using your own models withAWS DeepLens • AWS DeepLens can runTensorFlow, Caffe, and Apache MXNet models • Inception • MobileNet • NasNet • ResNet • And others • Train or fine-tune your model on Amazon SageMaker • Deploy to AWS DeepLens withAWS Greengrass
  • 16. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. DEEP LEARNING ATTHE EDGE TOYOTA BRIAN KURSAR VICE PRESIDENT AND CHIEF DATA SCIENTIST NIMISH AMLATHE DATA SCIENTIST TOYOTA CONNECTED DATA SERVICES
  • 17. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. 17 TOYOTA connected
  • 18. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
  • 19.
  • 20. Steering Angle Accelerometer Brake Sensor Tire Pressure Sensor OdometerSpeedometer RPMs Gas Pedal Window Sensor Fuel Level GPS
  • 21. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. 21 48average driving minutes per day 7.2 million data points per connected vehicle per day 500+ unique data points generated every 200 milliseconds captured in real time
  • 22. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. Data services that drive customer satisfaction Data insights that improve our products
  • 23. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. CAMERA
  • 24. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. Cars for good Can we use video from vehicle cameras to do positive things for the world?
  • 25. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. Detect and alert other drivers on dangerous weather conditions Cars for good
  • 26. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. Keep our environment clean Cars for good
  • 27. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. Reduce graffiti Cars for good
  • 28. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. Automatically improve maps in real time DROP OFF Cars for good
  • 29. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. Optimize public transportation routes Four people Cars for good
  • 30. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. Optimize emergency services Six occupants Cars for good
  • 31. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. Improve safety outside the car Cars for good
  • 32. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. Improve safety inside the car Cars for good
  • 33. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. We can, but…
  • 34. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. Transferring to the cloud HD video from multiple cameras is too expensive to support real-time computer vision services Cars for good
  • 35. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. 7.5 million vehicles One camera in each vehicle One minute of HD video from each vehicle Thecostofuploadingis... Billions of dollars per year
  • 36. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
  • 37. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. Innovation
  • 38. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
  • 39. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. Training dataset • Multiple drivers performing four complex actions • Labelled as Normal Driving,Texting, Looking Away, On the Phone On the phoneTexting Looking away Can wepredict driver distraction?
  • 40. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. “Don’t be a hero” Instead of rolling your own network architecture, look at whatever currently works best on ImageNet, download a pretrained model, and fine-tune it on your data You should rarely ever have to design a model from scratch or even train from scratch Transferlearning
  • 41. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. ResNet-152
  • 42. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. We performed random rotations, random crop, RGB mean centering and translations on each image sample The augmented dataset makes the resulting model more robust and less prone to overfitting Image augmentation
  • 43. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. Optimized hyper parameters • Epochs: 50 • Image Shape: 3,224,224 • Learning_rate: 0.001 • Lr_scheduler_factor: 0.0001 • Lr_scheduler_step: 5 • Mini_batch_size: 64 • Num_Layers: 152 • Num_training_samples: 16180 • Optimizer: sgd Data preprocessing: Downsample the images from 640 x 480 to 224 x 224 so that their dimension matches the one used by the pre- trained model Fine-tune pretrained network: After multiple iterations on training sample data to find hyper parameters, train using the pre-learned weights and our image data Pre-processing and hyperparameter tuning
  • 44. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. • Train on Amazon SageMaker: Amazon EC2 P2 instances, 8 NVIDIATesla K80 GPUs • Deploy model artifacts on AWS DeepLens with AWS Greengrass • Use the Intel Model Optimizer for faster GPU inferences • Upload predicted images to Amazon Simple Storage Service (Amazon S3) in real time • Send inference results to AWS IoT Deep Learning attheedge MQTT protocol Client
  • 45. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
  • 46. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. Lessons learned Use of other state-of-the-art models at the edge? Ensemble is a very powerful tool, but performance on constrained devices is a challenge Image preprocessing is the key Focus on the part of the image that contains the driver, and cut out the useless part of the image Clipping does not work Clipping the loss with various threshold does not help. Model has different level of confidence on different classes How often you run the inference and how you interpret it is more important than model metrics like accuracy
  • 47. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
  • 48. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. Optimizing performance for inference attheedge • Constrained devices require smaller and faster models • Reduce memory usage • Reduce computational complexity • Reduce power consumption • Code optimization: Intel Inference Engine, Intel MKL, NNPACK • Quantization / Mixed-mode training: Smaller weights and activations • Pruning: Remove useless connections • Compression: Encode weights • Some of these techniques are available in Apache MXNet orTensorFlow
  • 49. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
  • 50. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. Devicecan support HTTPS Invoke an Amazon SageMaker endpoint • Train a model in SageMaker (or import your own) • Deploy it to a prediction endpoint • Device invokes the HTTPS endpoint and receives prediction results Best when Devices are not powerful enough for local inference Models can’t be easily deployed to devices Additional cloud-based data is required for prediction Prediction activity must be centralized Requirements Network is available Devices support HTTP
  • 51. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. Devicecannot support HTTPS Invoke an AWS Lambda function through AWS IoT Core • Train a model in Amazon SageMaker (or import your own) • Deploy it to a prediction endpoint • Write an AWS Lambda function performing prediction • Device sends an MQTT message to AWS IoT Core, triggers the function, and receives prediction results Best when Devices can support neither HTTP nor local inference (for example, Arduino) Costs must be kept as low as possible Requirements Network is available (MQTT is less demanding than HTTP) Devices are provisioned in AWS IoT Core (certificate, keys)
  • 52. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.
  • 53. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. Resources https://ml.aws/ https://aws.amazon.com/sagemaker https://aws.amazon.com/machine-learning/amis/ https://aws.amazon.com/greengrass https://aws.amazon.com/greengrass/ml https://aws.amazon.com/deeplens https://medium.com/@julsimon
  • 54. Thank you! © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved. Julien Simon PrincipalTech. Evangelist,AI/ML AmazonWeb Services @julsimon Brian Kursar VP and Chief Data Scientist Toyota Connected Data Services Brian.Kursar@toyotaconnected.com @briankursar NimishAmlathe Data Scientist Toyota Connected Data Services Nimish.Amlathe@toyotaconnected.com
  • 55. © 2018, Amazon Web Services, Inc. or its affiliates. All rights reserved.