SlideShare ist ein Scribd-Unternehmen logo
1 von 37
Downloaden Sie, um offline zu lesen
© 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.
AWS re:INVENT
Sunil Mallya
Miro Enev
S r . A I S o l u t i o n s A r c h i t e c t , A W S D e e p L e a r n i n g
M C L 3 0 3 - D e e p L e a r n i n g w i t h A p a c h e M X N e t a n d G l u o n
S r . S o l u t i o n A r c h i t e c t , N V I D I A D e e p L e a r n i n g
M C L 3 0 3
N o v e m b e r 2 7 , 2 0 1 7
© 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.
Agenda
• Introduction to AI at Amazon
• AI at scale: challenges and solutions
• Model deployment
• Visualizing deep learning
• Apache MXNet overview
• What is Gluon?
• Live coding a neural network with Gluon
• Customer stories with Apache MXNet
• Getting started and Apache MXNet resources
© 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.
© 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.
© 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.
Amazon ML Stack
© 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.
One-click deep learning
Up to~40k CUDA cores
Apache MXNet
TensorFlow
Keras 1.2, 2.0
Caffe, Caffe2
Torch, Pytorch
CNTK
Pre-configured CUDA drivers
Anaconda, Python2.7, Python3
+ AWS CloudFormation template
+ Container image
Deep Learning AMI
https://bit.ly/deepami
© 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.
The “Learning” in Deep Learning
0.4 0.3
0.2 0.9
...
backpropagation (gradient descent)
Y1 != Y
0.4 ± 𝛿 0.3 ± 𝛿
new
weights
new
weights
0
1
0
1
1
.
.
--
Y
input
label
...
Y1
© 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.
Deep Learning in Computer Vision
.02
.85
p(cat)
p(dog)
Convolutional neural
network
Layer 1 Layer 2 Output
Explore spatial information with convolution layers
Img src: https://leonardoaraujosantos.gitbooks.io/artificial-inteligence
© 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.
Deep Learning in Natural Language
Processing
Recurrent
neural networks
input
output
state
Variable length input and output sequences
© 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.
AI and Deep Learning Story
© 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.
DL IN CONTEXT
AI
ML
DL
AI
© 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.
ML
TRIBES
© 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.
EVOLUTIONIS
T
CONNECTIONI
ST
BAYESIAN
ANALOGISTSYMBOLIST
BOOSTER
Generalization Performance
© 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.
Learning at Scale
© 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.
Native distributed training supported
Supports distributed training on multiple CPU/GPU machines to take advantage of cloud scal
Flexible programming model
Supports both imperative and symbolic programming maximizing efficiency and productivity
Portable from the cloud to the client
Runs on CPUs or GPUs, on clusters, servers, desktops, or mobile phones
Multi-lingual | No need to learn a new language
Python, R, Scala, Julia, C++, Matlab, or Javascript
Performance 0ptimized
Optimized C++ backend engine parallelizes both I/O regardless of source language
© 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.
TESLA V100
THE MOST ADVANCED DATA CENTER GPU EVER BUILT
5,120 CUDA cores [ 640 Tensor cores ]
7.5 FP64 TFLOPS | 15 FP32 TFLOPS
120 Tensor TFLOPS
16GB HBM2 @ 900 GB/s
300 GB/s NVLink
© 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.
Distributed Training
© 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.
© 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.
© 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.
Ingest Next Batch, with Updated Model
© 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.
Demo
© 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.
Apache MXNet
Single implementation of
backend system and
common operators
Performance guarantee
regardless of which
front-end language is
used
Front end
Backend
© 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.
Deep Learning Framework Comparison
Apache MXNet TensorFlow Cognitive Toolkit
Industry Owner
N/A – Apache
Community
Google Microsoft
Programmability
Imperative and
Declarative
Declarative only Declarative only
Language
Support
R, Python, Scala, Julia,
Cpp. Javascript, Go,
Matlab and more..
Python, Cpp.
Experimental Go and
Java
Python, Cpp,
Brainscript.
Code Length |
AlexNet (Python)
44 sloc 107 sloc using TF.Slim 214 sloc
Memory Footprint
(LSTM)
2.6GB 7.2GB N/A
*sloc – source lines of code
© 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.
Introducing Gluon
Simple, easy-to-
understand code
Flexible, imperative
structure
Dynamic graphs
High performance
 Neural networks can be defined using simple, clear, concise code
 Plug-and-play neural network building blocks—including predefined layers,
optimizers, and initializers
 Eliminates rigidity of neural network model definition and brings together the
model with the training algorithm
 Intuitive, easy-to-debug, familiar code
 Neural networks can change in shape or size during the training process to
address advanced use cases where the size of data feed is variable
 Important area of innovation in natural language processing (NLP)
 There is no sacrifice with respect to training speed
 When it is time to move from prototyping to production, easily cache neural
networks for high performance and a reduced memory footprint
© 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.
Let’s Build Our First Gluon
Application
© 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.
# code from https://github.com/zackchase/mxnet-the-straight-dope
num_fc = 512
net = gluon.nn.Sequential()
with net.name_scope():
net.add(gluon.nn.Conv2D(channels=20, kernel_size=5, activation='relu'))
net.add(gluon.nn.MaxPool2D(pool_size=2, strides=2))
net.add(gluon.nn.Conv2D(channels=50, kernel_size=5, activation='relu'))
net.add(gluon.nn.MaxPool2D(pool_size=2, strides=2))
# The Flatten layer collapses all axis, except the first one, into one axis.
net.add(gluon.nn.Flatten())
net.add(gluon.nn.Dense(num_fc, activation="relu"))
net.add(gluon.nn.Dense(num_outputs))
# Handy class available here
https://github.com/sunilmallya/dl-twitch-series/blob/master/cnn_mnist_gluon_simplified.ipynb
CNN in Gluon
© 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.
data = mx.symbol.Variable('data')
# first conv layer
conv1 = mx.sym.Convolution(data=data, kernel=(5,5), num_filter=20)
tanh1 = mx.sym.Activation(data=conv1, act_type=”relu")
pool1 = mx.sym.Pooling(data=tanh1, pool_type="max", kernel=(2,2), stride=(2,2))
# second conv layer
conv2 = mx.sym.Convolution(data=pool1, kernel=(5,5), num_filter=50)
tanh2 = mx.sym.Activation(data=conv2, act_type=”relu")
pool2 = mx.sym.Pooling(data=tanh2, pool_type="max", kernel=(2,2), stride=(2,2))
# first full connected layer
flatten = mx.sym.Flatten(data=pool2)
fc1 = mx.symbol.FullyConnected(data=flatten, num_hidden=500)
tanh3 = mx.sym.Activation(data=fc1, act_type=”relu")
# second full connected layer
fc2 = mx.sym.FullyConnected(data=tanh3, num_hidden=10)
# softmax loss
lenet = mx.sym.SoftmaxOutput(data=fc2, name='softmax')
Convolutional Neural Net i n Symbolic MXNet
© 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.
Object Detection Using SSD
https://github.com/zhreshold/mxnet-ssd https://github.com/zackchase/mxnet-the-straight-dope/
S
Y
M
B
O
L
I
C
G
L
U
O
N
© 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.
Train with default settings:
python -m sockeye.train 
--source train-corpus.de 
--target train-corpus.en 
--validation-source dev-corpus.de 
--validation-target dev-corpus.en
--output model-dir
Decode with default settings:
python -m sockeye.translate 
--models model-dir
# Sockeye Framework Code
https://github.com/awslabs/sockeye
Sequence to Sequence
<BOS> la casa blanca
the white house <EOS>
© 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.
https://github.com/apache/incubator-mxnet/tree/master/example/recommenders
Recommender Systems
source: Jacob Schreiber
© 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.
Generative Adversarial Networks (GAN)
[
.76
.14
.83
-.06
]
Z
“Fake” image
“Real” image
“Fake” image
https://github.com/apache/incubator-mxnet/tree/master/example/
© 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.
Customer Stories with Apache MXNet
© 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.
SigOpt uses deep learning in its optimization
platform to configure and improve machine
learning and AI models for its clients
• Improves accuracy and lowers training costs
using Apache MXNet and other frameworks
running on Amazon EC2 P2 and SigOpt HPO
• Dramatically reduces computation costs by
eight times or more compared to traditional
optimization methods
Optimizing AI Models for Better, Faster Results
© 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.
Autonomous Driving
© 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.
Using Deep Learning to Drive Targeted Advertising
GumGum uses deep learning to provide actionable
insights to help advertisers create highly visible and
targeted campaigns
• Mantii, GumGum’s real-time social media listening
tool built on deep learning, can analyze the more
than 1.8 billion social images posted daily, where
80% of them lack text to help marketers find them
• With deep learning on AWS using Apache MXNet
and Amazon EC2 P2 instances, the company
reduced model training time from 21 hours to 6
hours
© 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.
Apache MXNet Cheat Sheet
Cheat sheet: bit.ly/2xTIwuj
© 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.
Thank you!
s m a l l y a @ a m a z o n . c o m
m e n e v @ a m a z o n . c o m

Weitere ähnliche Inhalte

Was ist angesagt?

ENT301_Real-World AI For the Enterprise
ENT301_Real-World AI For the EnterpriseENT301_Real-World AI For the Enterprise
ENT301_Real-World AI For the EnterpriseAmazon Web Services
 
MAE401_Designing for DisneyMarvel Studio-Grade Security
MAE401_Designing for DisneyMarvel Studio-Grade SecurityMAE401_Designing for DisneyMarvel Studio-Grade Security
MAE401_Designing for DisneyMarvel Studio-Grade SecurityAmazon Web Services
 
Big Data, Analytics and Machine Learning on AWS Lambda - SRV402 - re:Invent 2017
Big Data, Analytics and Machine Learning on AWS Lambda - SRV402 - re:Invent 2017Big Data, Analytics and Machine Learning on AWS Lambda - SRV402 - re:Invent 2017
Big Data, Analytics and Machine Learning on AWS Lambda - SRV402 - re:Invent 2017Amazon Web Services
 
RET301-Build Single Customer View across Multiple Retail Channels using AWS S...
RET301-Build Single Customer View across Multiple Retail Channels using AWS S...RET301-Build Single Customer View across Multiple Retail Channels using AWS S...
RET301-Build Single Customer View across Multiple Retail Channels using AWS S...Amazon Web Services
 
CON309_Containerized Machine Learning on AWS
CON309_Containerized Machine Learning on AWSCON309_Containerized Machine Learning on AWS
CON309_Containerized Machine Learning on AWSAmazon Web Services
 
GAM301-Migrating the League of Legends Platform into AWS Cloud.pdf
GAM301-Migrating the League of Legends Platform into AWS Cloud.pdfGAM301-Migrating the League of Legends Platform into AWS Cloud.pdf
GAM301-Migrating the League of Legends Platform into AWS Cloud.pdfAmazon Web Services
 
DVC304_Compliance and Top Security Threats in the Cloud—Are You Protected
DVC304_Compliance and Top Security Threats in the Cloud—Are You ProtectedDVC304_Compliance and Top Security Threats in the Cloud—Are You Protected
DVC304_Compliance and Top Security Threats in the Cloud—Are You ProtectedAmazon Web Services
 
DVC303-Technological Accelerants for Organizational Transformation
DVC303-Technological Accelerants for Organizational TransformationDVC303-Technological Accelerants for Organizational Transformation
DVC303-Technological Accelerants for Organizational TransformationAmazon Web Services
 
NEW LAUNCH! Infinitely Scalable Machine Learning Algorithms with Amazon AI - ...
NEW LAUNCH! Infinitely Scalable Machine Learning Algorithms with Amazon AI - ...NEW LAUNCH! Infinitely Scalable Machine Learning Algorithms with Amazon AI - ...
NEW LAUNCH! Infinitely Scalable Machine Learning Algorithms with Amazon AI - ...Amazon Web Services
 
GPSBUS201-GPS Demystifying Artificial Intelligence
GPSBUS201-GPS Demystifying Artificial IntelligenceGPSBUS201-GPS Demystifying Artificial Intelligence
GPSBUS201-GPS Demystifying Artificial IntelligenceAmazon Web Services
 
RET305-Turbo Charge Your E-Commerce Site wAmazon Cache and Search Solutions.pdf
RET305-Turbo Charge Your E-Commerce Site wAmazon Cache and Search Solutions.pdfRET305-Turbo Charge Your E-Commerce Site wAmazon Cache and Search Solutions.pdf
RET305-Turbo Charge Your E-Commerce Site wAmazon Cache and Search Solutions.pdfAmazon Web Services
 
MCL302_Maximizing the Customer Experience with AI on AWS
MCL302_Maximizing the Customer Experience with AI on AWSMCL302_Maximizing the Customer Experience with AI on AWS
MCL302_Maximizing the Customer Experience with AI on AWSAmazon Web Services
 
NEW LAUNCH! Introducing AWS IoT Analytics - IOT214 - re:Invent 2017
NEW LAUNCH! Introducing AWS IoT Analytics - IOT214 - re:Invent 2017NEW LAUNCH! Introducing AWS IoT Analytics - IOT214 - re:Invent 2017
NEW LAUNCH! Introducing AWS IoT Analytics - IOT214 - re:Invent 2017Amazon Web Services
 
Machine Learning State of the Union - MCL210 - re:Invent 2017
Machine Learning State of the Union - MCL210 - re:Invent 2017Machine Learning State of the Union - MCL210 - re:Invent 2017
Machine Learning State of the Union - MCL210 - re:Invent 2017Amazon Web Services
 
MCL202_Ally Bank & Cognizant Transforming Customer Experience Using Amazon Alexa
MCL202_Ally Bank & Cognizant Transforming Customer Experience Using Amazon AlexaMCL202_Ally Bank & Cognizant Transforming Customer Experience Using Amazon Alexa
MCL202_Ally Bank & Cognizant Transforming Customer Experience Using Amazon AlexaAmazon Web Services
 
Supercharge your Machine Learning Solutions with Amazon SageMaker
Supercharge your Machine Learning Solutions with Amazon SageMakerSupercharge your Machine Learning Solutions with Amazon SageMaker
Supercharge your Machine Learning Solutions with Amazon SageMakerAmazon Web Services
 
AMF305_Autonomous Driving Algorithm Development on Amazon AI
AMF305_Autonomous Driving Algorithm Development on Amazon AIAMF305_Autonomous Driving Algorithm Development on Amazon AI
AMF305_Autonomous Driving Algorithm Development on Amazon AIAmazon Web Services
 
NEW LAUNCH! How to build graph applications with SPARQL and Gremlin using Ama...
NEW LAUNCH! How to build graph applications with SPARQL and Gremlin using Ama...NEW LAUNCH! How to build graph applications with SPARQL and Gremlin using Ama...
NEW LAUNCH! How to build graph applications with SPARQL and Gremlin using Ama...Amazon Web Services
 
RET303_Drive Warehouse Efficiencies with the Same AWS IoT Technology that Pow...
RET303_Drive Warehouse Efficiencies with the Same AWS IoT Technology that Pow...RET303_Drive Warehouse Efficiencies with the Same AWS IoT Technology that Pow...
RET303_Drive Warehouse Efficiencies with the Same AWS IoT Technology that Pow...Amazon Web Services
 
GPSBUS202_Driving Customer Value with Big Data Analytics
GPSBUS202_Driving Customer Value with Big Data AnalyticsGPSBUS202_Driving Customer Value with Big Data Analytics
GPSBUS202_Driving Customer Value with Big Data AnalyticsAmazon Web Services
 

Was ist angesagt? (20)

ENT301_Real-World AI For the Enterprise
ENT301_Real-World AI For the EnterpriseENT301_Real-World AI For the Enterprise
ENT301_Real-World AI For the Enterprise
 
MAE401_Designing for DisneyMarvel Studio-Grade Security
MAE401_Designing for DisneyMarvel Studio-Grade SecurityMAE401_Designing for DisneyMarvel Studio-Grade Security
MAE401_Designing for DisneyMarvel Studio-Grade Security
 
Big Data, Analytics and Machine Learning on AWS Lambda - SRV402 - re:Invent 2017
Big Data, Analytics and Machine Learning on AWS Lambda - SRV402 - re:Invent 2017Big Data, Analytics and Machine Learning on AWS Lambda - SRV402 - re:Invent 2017
Big Data, Analytics and Machine Learning on AWS Lambda - SRV402 - re:Invent 2017
 
RET301-Build Single Customer View across Multiple Retail Channels using AWS S...
RET301-Build Single Customer View across Multiple Retail Channels using AWS S...RET301-Build Single Customer View across Multiple Retail Channels using AWS S...
RET301-Build Single Customer View across Multiple Retail Channels using AWS S...
 
CON309_Containerized Machine Learning on AWS
CON309_Containerized Machine Learning on AWSCON309_Containerized Machine Learning on AWS
CON309_Containerized Machine Learning on AWS
 
GAM301-Migrating the League of Legends Platform into AWS Cloud.pdf
GAM301-Migrating the League of Legends Platform into AWS Cloud.pdfGAM301-Migrating the League of Legends Platform into AWS Cloud.pdf
GAM301-Migrating the League of Legends Platform into AWS Cloud.pdf
 
DVC304_Compliance and Top Security Threats in the Cloud—Are You Protected
DVC304_Compliance and Top Security Threats in the Cloud—Are You ProtectedDVC304_Compliance and Top Security Threats in the Cloud—Are You Protected
DVC304_Compliance and Top Security Threats in the Cloud—Are You Protected
 
DVC303-Technological Accelerants for Organizational Transformation
DVC303-Technological Accelerants for Organizational TransformationDVC303-Technological Accelerants for Organizational Transformation
DVC303-Technological Accelerants for Organizational Transformation
 
NEW LAUNCH! Infinitely Scalable Machine Learning Algorithms with Amazon AI - ...
NEW LAUNCH! Infinitely Scalable Machine Learning Algorithms with Amazon AI - ...NEW LAUNCH! Infinitely Scalable Machine Learning Algorithms with Amazon AI - ...
NEW LAUNCH! Infinitely Scalable Machine Learning Algorithms with Amazon AI - ...
 
GPSBUS201-GPS Demystifying Artificial Intelligence
GPSBUS201-GPS Demystifying Artificial IntelligenceGPSBUS201-GPS Demystifying Artificial Intelligence
GPSBUS201-GPS Demystifying Artificial Intelligence
 
RET305-Turbo Charge Your E-Commerce Site wAmazon Cache and Search Solutions.pdf
RET305-Turbo Charge Your E-Commerce Site wAmazon Cache and Search Solutions.pdfRET305-Turbo Charge Your E-Commerce Site wAmazon Cache and Search Solutions.pdf
RET305-Turbo Charge Your E-Commerce Site wAmazon Cache and Search Solutions.pdf
 
MCL302_Maximizing the Customer Experience with AI on AWS
MCL302_Maximizing the Customer Experience with AI on AWSMCL302_Maximizing the Customer Experience with AI on AWS
MCL302_Maximizing the Customer Experience with AI on AWS
 
NEW LAUNCH! Introducing AWS IoT Analytics - IOT214 - re:Invent 2017
NEW LAUNCH! Introducing AWS IoT Analytics - IOT214 - re:Invent 2017NEW LAUNCH! Introducing AWS IoT Analytics - IOT214 - re:Invent 2017
NEW LAUNCH! Introducing AWS IoT Analytics - IOT214 - re:Invent 2017
 
Machine Learning State of the Union - MCL210 - re:Invent 2017
Machine Learning State of the Union - MCL210 - re:Invent 2017Machine Learning State of the Union - MCL210 - re:Invent 2017
Machine Learning State of the Union - MCL210 - re:Invent 2017
 
MCL202_Ally Bank & Cognizant Transforming Customer Experience Using Amazon Alexa
MCL202_Ally Bank & Cognizant Transforming Customer Experience Using Amazon AlexaMCL202_Ally Bank & Cognizant Transforming Customer Experience Using Amazon Alexa
MCL202_Ally Bank & Cognizant Transforming Customer Experience Using Amazon Alexa
 
Supercharge your Machine Learning Solutions with Amazon SageMaker
Supercharge your Machine Learning Solutions with Amazon SageMakerSupercharge your Machine Learning Solutions with Amazon SageMaker
Supercharge your Machine Learning Solutions with Amazon SageMaker
 
AMF305_Autonomous Driving Algorithm Development on Amazon AI
AMF305_Autonomous Driving Algorithm Development on Amazon AIAMF305_Autonomous Driving Algorithm Development on Amazon AI
AMF305_Autonomous Driving Algorithm Development on Amazon AI
 
NEW LAUNCH! How to build graph applications with SPARQL and Gremlin using Ama...
NEW LAUNCH! How to build graph applications with SPARQL and Gremlin using Ama...NEW LAUNCH! How to build graph applications with SPARQL and Gremlin using Ama...
NEW LAUNCH! How to build graph applications with SPARQL and Gremlin using Ama...
 
RET303_Drive Warehouse Efficiencies with the Same AWS IoT Technology that Pow...
RET303_Drive Warehouse Efficiencies with the Same AWS IoT Technology that Pow...RET303_Drive Warehouse Efficiencies with the Same AWS IoT Technology that Pow...
RET303_Drive Warehouse Efficiencies with the Same AWS IoT Technology that Pow...
 
GPSBUS202_Driving Customer Value with Big Data Analytics
GPSBUS202_Driving Customer Value with Big Data AnalyticsGPSBUS202_Driving Customer Value with Big Data Analytics
GPSBUS202_Driving Customer Value with Big Data Analytics
 

Ähnlich wie MCL303-Deep Learning with Apache MXNet and Gluon

Deep Learning Using Caffe2 on AWS - MCL313 - re:Invent 2017
Deep Learning Using Caffe2 on AWS - MCL313 - re:Invent 2017Deep Learning Using Caffe2 on AWS - MCL313 - re:Invent 2017
Deep Learning Using Caffe2 on AWS - MCL313 - re:Invent 2017Amazon Web Services
 
Time series modeling workd AMLD 2018 Lausanne
Time series modeling workd AMLD 2018 LausanneTime series modeling workd AMLD 2018 Lausanne
Time series modeling workd AMLD 2018 LausanneSunil Mallya
 
Maschinelles Lernen auf AWS für Entwickler, Data Scientists und Experten
Maschinelles Lernen auf AWS für Entwickler, Data Scientists und ExpertenMaschinelles Lernen auf AWS für Entwickler, Data Scientists und Experten
Maschinelles Lernen auf AWS für Entwickler, Data Scientists und ExpertenAWS Germany
 
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
 
透過最新的 AWS 服務在 2019 年為您的業務轉型 (Level 200)
透過最新的 AWS 服務在 2019 年為您的業務轉型 (Level 200)透過最新的 AWS 服務在 2019 年為您的業務轉型 (Level 200)
透過最新的 AWS 服務在 2019 年為您的業務轉型 (Level 200)Amazon Web Services
 
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
 
Emotion recognition in images: from idea to a model in production - Nordic DS...
Emotion recognition in images: from idea to a model in production - Nordic DS...Emotion recognition in images: from idea to a model in production - Nordic DS...
Emotion recognition in images: from idea to a model in production - Nordic DS...Hagay Lupesko
 
MCL310_Building Deep Learning Applications with Apache MXNet and Gluon
MCL310_Building Deep Learning Applications with Apache MXNet and GluonMCL310_Building Deep Learning Applications with Apache MXNet and Gluon
MCL310_Building Deep Learning Applications with Apache MXNet and GluonAmazon Web Services
 
Building Your Smart Applications with Amazon AI.pdf
Building Your Smart Applications with Amazon AI.pdfBuilding Your Smart Applications with Amazon AI.pdf
Building Your Smart Applications with Amazon AI.pdfAmazon Web Services
 
Artificial Intelligence (Machine Learning) on AWS: How to Start
Artificial Intelligence (Machine Learning) on AWS: How to StartArtificial Intelligence (Machine Learning) on AWS: How to Start
Artificial Intelligence (Machine Learning) on AWS: How to StartVladimir Simek
 
Model Serving for Deep Learning
Model Serving for Deep LearningModel Serving for Deep Learning
Model Serving for Deep LearningAdrian Hornsby
 
Deep Learning with Apache MXNet
Deep Learning with Apache MXNetDeep Learning with Apache MXNet
Deep Learning with Apache MXNetJulien SIMON
 
Debugging and Performance tricks for MXNet Gluon
Debugging and Performance tricks for MXNet GluonDebugging and Performance tricks for MXNet Gluon
Debugging and Performance tricks for MXNet GluonApache MXNet
 
MXNet Paris Workshop - Intro To MXNet
MXNet Paris Workshop - Intro To MXNetMXNet Paris Workshop - Intro To MXNet
MXNet Paris Workshop - Intro To MXNetApache MXNet
 
The Future of Research Computing on AWS - AWS Public Sector Summit Singapore ...
The Future of Research Computing on AWS - AWS Public Sector Summit Singapore ...The Future of Research Computing on AWS - AWS Public Sector Summit Singapore ...
The Future of Research Computing on AWS - AWS Public Sector Summit Singapore ...Amazon Web Services
 
Accelerating Apache MXNet Models on Apple Platforms Using Core ML - MCL311 - ...
Accelerating Apache MXNet Models on Apple Platforms Using Core ML - MCL311 - ...Accelerating Apache MXNet Models on Apple Platforms Using Core ML - MCL311 - ...
Accelerating Apache MXNet Models on Apple Platforms Using Core ML - MCL311 - ...Amazon Web Services
 
K8s on AWS: Introducing Amazon EKS
K8s on AWS: Introducing Amazon EKSK8s on AWS: Introducing Amazon EKS
K8s on AWS: Introducing Amazon EKSAmazon Web Services
 
Sentiment Analysis Using Apache MXNet and Gluon - AWS Online Tech Talks
Sentiment Analysis Using Apache MXNet and Gluon - AWS Online Tech TalksSentiment Analysis Using Apache MXNet and Gluon - AWS Online Tech Talks
Sentiment Analysis Using Apache MXNet and Gluon - AWS Online Tech TalksAmazon Web Services
 
Containers on AWS - re:Invent Comes to London 2.0
Containers on AWS - re:Invent Comes to London 2.0Containers on AWS - re:Invent Comes to London 2.0
Containers on AWS - re:Invent Comes to London 2.0Amazon Web Services
 
Deep Dive on Deep Learning with MXNet - DevDay Austin 2017
Deep Dive on Deep Learning with MXNet - DevDay Austin 2017Deep Dive on Deep Learning with MXNet - DevDay Austin 2017
Deep Dive on Deep Learning with MXNet - DevDay Austin 2017Amazon Web Services
 

Ähnlich wie MCL303-Deep Learning with Apache MXNet and Gluon (20)

Deep Learning Using Caffe2 on AWS - MCL313 - re:Invent 2017
Deep Learning Using Caffe2 on AWS - MCL313 - re:Invent 2017Deep Learning Using Caffe2 on AWS - MCL313 - re:Invent 2017
Deep Learning Using Caffe2 on AWS - MCL313 - re:Invent 2017
 
Time series modeling workd AMLD 2018 Lausanne
Time series modeling workd AMLD 2018 LausanneTime series modeling workd AMLD 2018 Lausanne
Time series modeling workd AMLD 2018 Lausanne
 
Maschinelles Lernen auf AWS für Entwickler, Data Scientists und Experten
Maschinelles Lernen auf AWS für Entwickler, Data Scientists und ExpertenMaschinelles Lernen auf AWS für Entwickler, Data Scientists und Experten
Maschinelles Lernen auf AWS für Entwickler, Data Scientists und Experten
 
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
 
透過最新的 AWS 服務在 2019 年為您的業務轉型 (Level 200)
透過最新的 AWS 服務在 2019 年為您的業務轉型 (Level 200)透過最新的 AWS 服務在 2019 年為您的業務轉型 (Level 200)
透過最新的 AWS 服務在 2019 年為您的業務轉型 (Level 200)
 
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
 
Emotion recognition in images: from idea to a model in production - Nordic DS...
Emotion recognition in images: from idea to a model in production - Nordic DS...Emotion recognition in images: from idea to a model in production - Nordic DS...
Emotion recognition in images: from idea to a model in production - Nordic DS...
 
MCL310_Building Deep Learning Applications with Apache MXNet and Gluon
MCL310_Building Deep Learning Applications with Apache MXNet and GluonMCL310_Building Deep Learning Applications with Apache MXNet and Gluon
MCL310_Building Deep Learning Applications with Apache MXNet and Gluon
 
Building Your Smart Applications with Amazon AI.pdf
Building Your Smart Applications with Amazon AI.pdfBuilding Your Smart Applications with Amazon AI.pdf
Building Your Smart Applications with Amazon AI.pdf
 
Artificial Intelligence (Machine Learning) on AWS: How to Start
Artificial Intelligence (Machine Learning) on AWS: How to StartArtificial Intelligence (Machine Learning) on AWS: How to Start
Artificial Intelligence (Machine Learning) on AWS: How to Start
 
Model Serving for Deep Learning
Model Serving for Deep LearningModel Serving for Deep Learning
Model Serving for Deep Learning
 
Deep Learning with Apache MXNet
Deep Learning with Apache MXNetDeep Learning with Apache MXNet
Deep Learning with Apache MXNet
 
Debugging and Performance tricks for MXNet Gluon
Debugging and Performance tricks for MXNet GluonDebugging and Performance tricks for MXNet Gluon
Debugging and Performance tricks for MXNet Gluon
 
MXNet Paris Workshop - Intro To MXNet
MXNet Paris Workshop - Intro To MXNetMXNet Paris Workshop - Intro To MXNet
MXNet Paris Workshop - Intro To MXNet
 
The Future of Research Computing on AWS - AWS Public Sector Summit Singapore ...
The Future of Research Computing on AWS - AWS Public Sector Summit Singapore ...The Future of Research Computing on AWS - AWS Public Sector Summit Singapore ...
The Future of Research Computing on AWS - AWS Public Sector Summit Singapore ...
 
Accelerating Apache MXNet Models on Apple Platforms Using Core ML - MCL311 - ...
Accelerating Apache MXNet Models on Apple Platforms Using Core ML - MCL311 - ...Accelerating Apache MXNet Models on Apple Platforms Using Core ML - MCL311 - ...
Accelerating Apache MXNet Models on Apple Platforms Using Core ML - MCL311 - ...
 
K8s on AWS: Introducing Amazon EKS
K8s on AWS: Introducing Amazon EKSK8s on AWS: Introducing Amazon EKS
K8s on AWS: Introducing Amazon EKS
 
Sentiment Analysis Using Apache MXNet and Gluon - AWS Online Tech Talks
Sentiment Analysis Using Apache MXNet and Gluon - AWS Online Tech TalksSentiment Analysis Using Apache MXNet and Gluon - AWS Online Tech Talks
Sentiment Analysis Using Apache MXNet and Gluon - AWS Online Tech Talks
 
Containers on AWS - re:Invent Comes to London 2.0
Containers on AWS - re:Invent Comes to London 2.0Containers on AWS - re:Invent Comes to London 2.0
Containers on AWS - re:Invent Comes to London 2.0
 
Deep Dive on Deep Learning with MXNet - DevDay Austin 2017
Deep Dive on Deep Learning with MXNet - DevDay Austin 2017Deep Dive on Deep Learning with MXNet - DevDay Austin 2017
Deep Dive on Deep Learning with MXNet - DevDay Austin 2017
 

Mehr von 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
 

Mehr von 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
 

MCL303-Deep Learning with Apache MXNet and Gluon

  • 1. © 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved. AWS re:INVENT Sunil Mallya Miro Enev S r . A I S o l u t i o n s A r c h i t e c t , A W S D e e p L e a r n i n g M C L 3 0 3 - D e e p L e a r n i n g w i t h A p a c h e M X N e t a n d G l u o n S r . S o l u t i o n A r c h i t e c t , N V I D I A D e e p L e a r n i n g M C L 3 0 3 N o v e m b e r 2 7 , 2 0 1 7
  • 2. © 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Agenda • Introduction to AI at Amazon • AI at scale: challenges and solutions • Model deployment • Visualizing deep learning • Apache MXNet overview • What is Gluon? • Live coding a neural network with Gluon • Customer stories with Apache MXNet • Getting started and Apache MXNet resources
  • 3. © 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.
  • 4. © 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.
  • 5. © 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon ML Stack
  • 6. © 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved. One-click deep learning Up to~40k CUDA cores Apache MXNet TensorFlow Keras 1.2, 2.0 Caffe, Caffe2 Torch, Pytorch CNTK Pre-configured CUDA drivers Anaconda, Python2.7, Python3 + AWS CloudFormation template + Container image Deep Learning AMI https://bit.ly/deepami
  • 7. © 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved. The “Learning” in Deep Learning 0.4 0.3 0.2 0.9 ... backpropagation (gradient descent) Y1 != Y 0.4 ± 𝛿 0.3 ± 𝛿 new weights new weights 0 1 0 1 1 . . -- Y input label ... Y1
  • 8. © 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Deep Learning in Computer Vision .02 .85 p(cat) p(dog) Convolutional neural network Layer 1 Layer 2 Output Explore spatial information with convolution layers Img src: https://leonardoaraujosantos.gitbooks.io/artificial-inteligence
  • 9. © 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Deep Learning in Natural Language Processing Recurrent neural networks input output state Variable length input and output sequences
  • 10. © 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved. AI and Deep Learning Story
  • 11. © 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved. DL IN CONTEXT AI ML DL AI
  • 12. © 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved. ML TRIBES
  • 13. © 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved. EVOLUTIONIS T CONNECTIONI ST BAYESIAN ANALOGISTSYMBOLIST BOOSTER Generalization Performance
  • 14. © 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Learning at Scale
  • 15. © 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Native distributed training supported Supports distributed training on multiple CPU/GPU machines to take advantage of cloud scal Flexible programming model Supports both imperative and symbolic programming maximizing efficiency and productivity Portable from the cloud to the client Runs on CPUs or GPUs, on clusters, servers, desktops, or mobile phones Multi-lingual | No need to learn a new language Python, R, Scala, Julia, C++, Matlab, or Javascript Performance 0ptimized Optimized C++ backend engine parallelizes both I/O regardless of source language
  • 16. © 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved. TESLA V100 THE MOST ADVANCED DATA CENTER GPU EVER BUILT 5,120 CUDA cores [ 640 Tensor cores ] 7.5 FP64 TFLOPS | 15 FP32 TFLOPS 120 Tensor TFLOPS 16GB HBM2 @ 900 GB/s 300 GB/s NVLink
  • 17. © 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Distributed Training
  • 18. © 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.
  • 19. © 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.
  • 20. © 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Ingest Next Batch, with Updated Model
  • 21. © 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Demo
  • 22. © 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Apache MXNet Single implementation of backend system and common operators Performance guarantee regardless of which front-end language is used Front end Backend
  • 23. © 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Deep Learning Framework Comparison Apache MXNet TensorFlow Cognitive Toolkit Industry Owner N/A – Apache Community Google Microsoft Programmability Imperative and Declarative Declarative only Declarative only Language Support R, Python, Scala, Julia, Cpp. Javascript, Go, Matlab and more.. Python, Cpp. Experimental Go and Java Python, Cpp, Brainscript. Code Length | AlexNet (Python) 44 sloc 107 sloc using TF.Slim 214 sloc Memory Footprint (LSTM) 2.6GB 7.2GB N/A *sloc – source lines of code
  • 24. © 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Introducing Gluon Simple, easy-to- understand code Flexible, imperative structure Dynamic graphs High performance  Neural networks can be defined using simple, clear, concise code  Plug-and-play neural network building blocks—including predefined layers, optimizers, and initializers  Eliminates rigidity of neural network model definition and brings together the model with the training algorithm  Intuitive, easy-to-debug, familiar code  Neural networks can change in shape or size during the training process to address advanced use cases where the size of data feed is variable  Important area of innovation in natural language processing (NLP)  There is no sacrifice with respect to training speed  When it is time to move from prototyping to production, easily cache neural networks for high performance and a reduced memory footprint
  • 25. © 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Let’s Build Our First Gluon Application
  • 26. © 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved. # code from https://github.com/zackchase/mxnet-the-straight-dope num_fc = 512 net = gluon.nn.Sequential() with net.name_scope(): net.add(gluon.nn.Conv2D(channels=20, kernel_size=5, activation='relu')) net.add(gluon.nn.MaxPool2D(pool_size=2, strides=2)) net.add(gluon.nn.Conv2D(channels=50, kernel_size=5, activation='relu')) net.add(gluon.nn.MaxPool2D(pool_size=2, strides=2)) # The Flatten layer collapses all axis, except the first one, into one axis. net.add(gluon.nn.Flatten()) net.add(gluon.nn.Dense(num_fc, activation="relu")) net.add(gluon.nn.Dense(num_outputs)) # Handy class available here https://github.com/sunilmallya/dl-twitch-series/blob/master/cnn_mnist_gluon_simplified.ipynb CNN in Gluon
  • 27. © 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved. data = mx.symbol.Variable('data') # first conv layer conv1 = mx.sym.Convolution(data=data, kernel=(5,5), num_filter=20) tanh1 = mx.sym.Activation(data=conv1, act_type=”relu") pool1 = mx.sym.Pooling(data=tanh1, pool_type="max", kernel=(2,2), stride=(2,2)) # second conv layer conv2 = mx.sym.Convolution(data=pool1, kernel=(5,5), num_filter=50) tanh2 = mx.sym.Activation(data=conv2, act_type=”relu") pool2 = mx.sym.Pooling(data=tanh2, pool_type="max", kernel=(2,2), stride=(2,2)) # first full connected layer flatten = mx.sym.Flatten(data=pool2) fc1 = mx.symbol.FullyConnected(data=flatten, num_hidden=500) tanh3 = mx.sym.Activation(data=fc1, act_type=”relu") # second full connected layer fc2 = mx.sym.FullyConnected(data=tanh3, num_hidden=10) # softmax loss lenet = mx.sym.SoftmaxOutput(data=fc2, name='softmax') Convolutional Neural Net i n Symbolic MXNet
  • 28. © 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Object Detection Using SSD https://github.com/zhreshold/mxnet-ssd https://github.com/zackchase/mxnet-the-straight-dope/ S Y M B O L I C G L U O N
  • 29. © 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Train with default settings: python -m sockeye.train --source train-corpus.de --target train-corpus.en --validation-source dev-corpus.de --validation-target dev-corpus.en --output model-dir Decode with default settings: python -m sockeye.translate --models model-dir # Sockeye Framework Code https://github.com/awslabs/sockeye Sequence to Sequence <BOS> la casa blanca the white house <EOS>
  • 30. © 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved. https://github.com/apache/incubator-mxnet/tree/master/example/recommenders Recommender Systems source: Jacob Schreiber
  • 31. © 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Generative Adversarial Networks (GAN) [ .76 .14 .83 -.06 ] Z “Fake” image “Real” image “Fake” image https://github.com/apache/incubator-mxnet/tree/master/example/
  • 32. © 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Customer Stories with Apache MXNet
  • 33. © 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved. SigOpt uses deep learning in its optimization platform to configure and improve machine learning and AI models for its clients • Improves accuracy and lowers training costs using Apache MXNet and other frameworks running on Amazon EC2 P2 and SigOpt HPO • Dramatically reduces computation costs by eight times or more compared to traditional optimization methods Optimizing AI Models for Better, Faster Results
  • 34. © 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Autonomous Driving
  • 35. © 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Using Deep Learning to Drive Targeted Advertising GumGum uses deep learning to provide actionable insights to help advertisers create highly visible and targeted campaigns • Mantii, GumGum’s real-time social media listening tool built on deep learning, can analyze the more than 1.8 billion social images posted daily, where 80% of them lack text to help marketers find them • With deep learning on AWS using Apache MXNet and Amazon EC2 P2 instances, the company reduced model training time from 21 hours to 6 hours
  • 36. © 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Apache MXNet Cheat Sheet Cheat sheet: bit.ly/2xTIwuj
  • 37. © 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Thank you! s m a l l y a @ a m a z o n . c o m m e n e v @ a m a z o n . c o m