SlideShare a Scribd company logo
1 of 43
Download to read offline
Deep Learning & MXNet
Name: Jhen-Wei Huang (黃振維)
Department: Solutions Architect
Company: AWS
Image
understanding
Speech
recognition
Natural language
processing
…
Autonomy
Deep Learning Applications
https://trends.google.com/
Deep Learning Applications
Autonomous Driving SystemsAutonomous Driving Systems
Personal assistantsPersonal assistants
Line-free shoppingLine-free shopping
Why It’s Different This Time
Everything is digital: large data sets are available
Imagenet: 14M+ labeled images - http://www.image-net.org/
YouTube-8M: 7M+ labeled videos - https://research.google.com/youtube8m/
AWS public data sets - https://aws.amazon.com/public-datasets/
The parallel computing power of GPUs make training possible
Simard et al (2005), Ciresan et al (2011)
State of the art networks have hundreds of layers
Baidu’s Chinese speech recognition: 4TB of training data, +/- 10 Exaflops
Cloud scalability and elasticity make training affordable
Grab a lot of resources for fast training, then release them
Using a DL model is lightweight: you can do it on a Raspberry Pi
Deep Learning Models
Deep Learning Models
Input Output
1 1 1
1 0 1
0 0 0
3
mx.sym.Convolution(data, kernel=(5,5), num_filter=20)
mx.sym.Pooling(data, pool_type="max", kernel=(2,2),
stride=(2,2)
lstm.lstm_unroll(num_lstm_layer, seq_len, len, num_hidden, num_embed)
4 2
2 0
4=Max
1
3
...
4
0.2
-0.1
...
0.7
mx.sym.FullyConnected(data, num_hidden=128)
2
mx.symbol.Embedding(data, input_dim, output_dim = k)
0.2
-0.1
...
0.7
Queen
4 2
2 0
2=Avg
Input Weights
cos(w, queen) = cos(w, king) - cos(w, man) + cos(w, woman)
mx.sym.Activation(data, act_type="xxxx")
"relu"
"tanh"
"sigmoid"
"softrelu"
Neural Art
Face Search
Image Segmentation
Image Caption
“People Riding
Bikes”
Bicycle, People,
Road, Sport
Image Labels
Image
Video
Speech
Text
“People Riding
Bikes”
Machine Translation
“Οι άνθρωποι
ιππασίας ποδήλατα”
Events
mx.model.FeedForward model.fit
mx.sym.SoftmaxOutput
Anatomy of a Deep Learning Model
Neural Art
Deep Learning Models
Deep Learning Models
Apache MXNet
Apache MXNet
2015 Project created
2016 Nov. Be Amazon DL framework of choice
2017 Jan. Project enters incubation
Latest Version : 0.11
Contributors : 436
Star : 11,578
License : Apache 2.0
Apache MXNet 0.11
- Julien Simon, https://medium.com/@julsimon/keras-shoot-out-tensorflow-vs-mxnet-51ae2b30a9c0
https://aws.amazon.com/cn/blogs/ai/bring-machine-learning-to-ios-apps-using-apache-mxnet-and-apple-core-ml/
Apache MXNet 0.11 Released
Apache MXNet for Deep Learning
https://github.com/apache/incubator-mxnet
Apache MXNet for Deep Learning
Apache MXNet for IoT & the Edge
Apache MXNet for IoT & the Edge
Apache MXNet for IoT & the Edge
Apache MXNet for IoT & the Edge
BlindTool by Joseph Paul Cohen, demo on Nexus 4
• Fit the core library with all dependencies into a single
C++ source file
• Easy to compile on any platform
Amalgamation
Runs in browser with Javascript
Apache MXNet – Per formance
https://github.com/ilkarman/DeepLearningFrameworks
Apache MXNet - Performance
Multi-GPU Scaling With MXNet
Multi-GPU Scaling With MXNet
Multi-Machine Scaling With MXNet
Multi-Machine Scaling With MXnet
• Cloud Formation with Deep Learning AMI
• 16x P2.16xlarge
• Mounted on EFS
• ImageNet, 1.2M images, 1K classes
• 152-layer ResNet , 5.4d on 4xK80s (1.2h per epoch)
• 0.22 top-1 validation error
• 6h on 128x K80s , achieves the same validation error
Apache MXNet | The Basics
Apache MXNet | The Basics
• NDArray: Manipulate multi-dimensional arrays in a command line paradigm
(imperative).
• Symbol: Symbolic expression for neural networks (declarative).
• Module: Intermediate-level and high-level interface for neural network
training and inference.
• Loading Data: Feeding data into training/inference programs.
• Mixed Programming: Training algorithms developed using NDArrays in
concert with Symbols.
https://medium.com/@julsimon/an-introduction-to-the-mxnet-api-part-1-848febdcf8ab
Apache MXNet – NDArr yApache MXNet - NDArray
NumPy
• Only CPU
• No automatic differentiation
NDArray
• Support CPUs/GPUs
• Scale to distributed system in
the cloud
• Automatic differentiation
• Lazy evaluation
Apache MXNet – NDArr y
context = mx.cpu()
context = mx.gpu(0)
context = mx.gpu(1)
g = copyto(c)
g = c.as_in_context(mx.gpu(0))
Apache MXNet - NDArray
Imperative Programming
import numpy as np
a = np.ones(10)
b = np.ones(10) * 2
c = b * a
d = c + 1
• Straightforward and flexible.
• Take advantage of language
native features (loop,
condition, debugger).
• E.g. Numpy, Matlab, Torch, …
• Hard to optimize
PROS
CONSEasy to tweak
in Python
Declarative Programming
• More chances for
optimization
• Cross different languages
• E.g. TensorFlow, Theano,
Caffe
• Less flexible
PROS
CONSC can share memory with
D because C is deleted
later
A = Variable('A')
B = Variable('B')
C = B * A
D = C + 1
f = compile(D)
d = f(A=np.ones(10),
B=np.ones(10)*2)
A B
1
+
X
Mixed Programming Paradigm
IMPERATIVE
NDARRAY API
DECLARATIVE
SYMBOLIC
EXECUTOR
>>> import mxnet as mx
>>> a = mx.nd.zeros((100, 50))
>>> b = mx.nd.ones((100, 50))
>>> c = a + b
>>> c += 1
>>> print(c)
>>> import mxnet as mx
>>> net = mx.symbol.Variable('data')
>>> net = mx.symbol.FullyConnected(data=net, num_hidden=128)
>>> net = mx.symbol.SoftmaxOutput(data=net)
>>> texec = mx.module.Module(net)
>>> texec.forward(data=c)
>>> texec.backward()
NDArray can be set
as input to the graph
Demo – Training MXNet on MNIST
https://medium.com/@julsimon/training-mxnet-part-1-mnist-6f0dc4210c62
https://github.com/juliensimon/aws/tree/master/mxnet/mnist
Apache MXNet New Interface – Gluon
New Interface - Gluon
Apache MXNet New Interface – Gluon
net.hybridize()
develop and debug models
with imperative programming
and switch to efficient symbolic
execution
New Interface - Gluon
Apache MXNet New Interface – Gluon
Symbolic Gluon Imperative
• Efficient & Portable
• But hard to use
• Imperative for developing
• Symbolic for deploying
• Flexible
• May be slow
New Interface - Gluon
Apache MXNet Gluon 演示 – Fashion-MNISTMXNet Gluon – Fashion-MNIST
https://github.com/zalandoresearch/fashion-mnist
Apache MXNet
Developer Tools and Resources
Apache MXNet 框架 – AWS 的基础设施
CPU Instance
• C4.8xlarge (36 threads, 60GB RAM, 4Gbit)
• M4.16xlarge (64 threads, 256GB RAM, 10Gbit)
GPU Instance
• P2.16xlarge ( 16X NVIDIA Kepler K80, 64 threads, 732GB RAM, 20Gbit)
• G3.16xlarge (4XNVIDIA Maxwell M60, 64 threads, 488GB RAM, 20Gbit)
• NVIDIA Volta – coming to an instance near you
AWS EC2 Instance
One-Click GPU or CPU
Deep Learning
AWS Deep Learning AMI
Up to~40k CUDA cores
Apache MXNet
TensorFlow
Theano
Caffe
Torch
Keras
Pre-configured CUDA drivers, MKL
Anaconda, Python3
Ubuntu and Amazon Linux
+ AWS CloudFormation template
+ Container image
Apache MXNet 框架 – AWS 的基础设施AWS Machine Image for Deep Learning
http://docs.aws.amazon.com/mxnet/latest/dg/appendix-ami-release-notes.html
Apache MXNet 框架 – AWS 的基础设施AWS CloudFormation Template for Deep Learning
https://github.com/awslabs/deeplearning-cfn
• The AWS CloudFormation Deep
Learning template uses
the Amazon Deep Learning AMI to
launch a cluster of EC2 instances
and other AWS resources needed
to perform distributed deep
learning.
Apache MXNet 框架演示 – AWS上的集群图像分类训练
$ssh –A –i xxx.pem ubuntu@xxx.xxx.xxx.xxx
$mkdir $EFS_MOUNT/cifar_model/
$cd $EFS_MOUNT/deeplearning-cfn/examples/mxnet/example/image
classification/
$ ../../tools/launch.py -n $DEEPLEARNING_WORKERS_COUNT 
-H $DEEPLEARNING_WORKERS_PATH python train_cifar10.py 
--network resnet --num-layers 110 --kv-store dist_device_sync 
--model-prefix $EFS_MOUNT/cifar_model/cifar --num-epochs 300 --batch-size 128
The CIFAR-10 dataset consists of 60000 32x32 colour
images in 10 classes, with 6000 images per class. There
are 50000 training images and 10000 test images
Running Distributed Training
Apache MXNet 框架演示 – AWS上的集群图像分类训练
Environment 1 x P2.16xLarge 5 x P2.16xlarge
Execution Time 36,122s = 10.3h 7,632s = 2.12h
Performance Improved 473%
Running Distributed Training
Apache MXNet 框架 – 从源代码编译安装
USE_CUDA=1
USE_CUDNN=1
USE_OPENMP=1
USE_CUDA_PATH=/usr/local/cuda
USE_BLAS=mkl
USE_MKL2017=1
USE_MKL2017_EXPERIMENTAL=1
MKLML_ROOT=/usr/local
USE_INTEL_PATH=/opt/intel
USE_OPENCV=1
USE_S3=1
USE_NVRTC=1
USE_DIST_KVSTORE=1
##K80 3.7,M60 5.2, GTX 1070 6.1
MSHADOW_NVCCFLAGS += -gencode
arch=compute_61,code=sm_61
mxnet/mshadow/make/mshadow.mk
mxnet/make/config.mk
Build and Installation
在Amazon ECS容器服务上部署Apache MXNetDeploy a Deep Learning Framework on
Amazon ECS
Deploy MXNet on AWS using Docker container
https://github.com/awslabs/ecs-deep-learning-workshop
使用AWS Lambda和MXNet 进行预测Seamlessly Scale Predictions with AWS
Lambda and MXNet
Leverage AWS Lambda and MXNet to
build a scalable prediction pipeline
• https://github.com/awslabs/mxnet-lambda
• https://aws.amazon.com/cn/blogs/compute/seamlessl
y-scale-predictions-with-aws-lambda-and-mxnet/
https://github.com/dmlc/mxnet-notebooks
• Basic concepts
• NDArray - multi-dimensional array computation
• Symbol - symbolic expression for neural networks
• Module - neural network training and inference
• Applications
• MNIST: recognize handwritten digits
• Check out the distributed training results
• Predict with pre-trained models
• LSTMs for sequence learning
• Recommender systems
• Train a state of the art Computer Vision model (CNN)
• Lots more..
Application Examples | Jupyter Notebooks
MXNet Resources:
• MXNet Blog Post | AWS Endorsement
• Read up on MXNet and Learn More: mxnet.io
• MXNet Github Repo
• MXNet Recommender Systems Talk | Leo Dirac
Developer Resources:
• Deep Learning AMI |Amazon Linux
• Deep Learning AMI | Ubuntu
• CloudFormation Template Instructions
• Deep Learning Benchmark
• MXNet on Lambda
• MXNet on ECS/Docker
• MXNet on Raspberry Pi | Image Detector using Inception Network
Developer Resources
Neural art
https://github.com/apache/incubator-mxnet/tree/master/example/neural-style
Thank you!

More Related Content

What's hot

AI 클라우드로 완전 정복하기 - 데이터 분석부터 딥러닝까지 (윤석찬, AWS테크에반젤리스트)
AI 클라우드로 완전 정복하기 - 데이터 분석부터 딥러닝까지 (윤석찬, AWS테크에반젤리스트)AI 클라우드로 완전 정복하기 - 데이터 분석부터 딥러닝까지 (윤석찬, AWS테크에반젤리스트)
AI 클라우드로 완전 정복하기 - 데이터 분석부터 딥러닝까지 (윤석찬, AWS테크에반젤리스트)Amazon Web Services Korea
 
How Esri Optimizes Massive Image Archives for Analytics in the Cloud - ABD402...
How Esri Optimizes Massive Image Archives for Analytics in the Cloud - ABD402...How Esri Optimizes Massive Image Archives for Analytics in the Cloud - ABD402...
How Esri Optimizes Massive Image Archives for Analytics in the Cloud - ABD402...Amazon Web Services
 
(BDT311) Deep Learning: Going Beyond Machine Learning
(BDT311) Deep Learning: Going Beyond Machine Learning(BDT311) Deep Learning: Going Beyond Machine Learning
(BDT311) Deep Learning: Going Beyond Machine LearningAmazon Web Services
 
Building a Recommender System on AWS
Building a Recommender System on AWSBuilding a Recommender System on AWS
Building a Recommender System on AWSAmazon Web Services
 
Deep Learning on Qubole Data Platform
Deep Learning on Qubole Data PlatformDeep Learning on Qubole Data Platform
Deep Learning on Qubole Data PlatformShivaji Dutta
 
From Notebook to production with Amazon SageMaker
From Notebook to production with Amazon SageMakerFrom Notebook to production with Amazon SageMaker
From Notebook to production with Amazon SageMakerAmazon Web Services
 
Julien Simon, Principal Technical Evangelist at Amazon - Machine Learning: Fr...
Julien Simon, Principal Technical Evangelist at Amazon - Machine Learning: Fr...Julien Simon, Principal Technical Evangelist at Amazon - Machine Learning: Fr...
Julien Simon, Principal Technical Evangelist at Amazon - Machine Learning: Fr...Codiax
 
Building a Recommender System Using Amazon SageMaker's Factorization Machine ...
Building a Recommender System Using Amazon SageMaker's Factorization Machine ...Building a Recommender System Using Amazon SageMaker's Factorization Machine ...
Building a Recommender System Using Amazon SageMaker's Factorization Machine ...Amazon Web Services
 
Deep learning an Introduction with Competitive Landscape
Deep learning an Introduction with Competitive LandscapeDeep learning an Introduction with Competitive Landscape
Deep learning an Introduction with Competitive LandscapeShivaji Dutta
 
NEW LAUNCH! Introducing Amazon SageMaker - MCL365 - re:Invent 2017
NEW LAUNCH! Introducing Amazon SageMaker - MCL365 - re:Invent 2017NEW LAUNCH! Introducing Amazon SageMaker - MCL365 - re:Invent 2017
NEW LAUNCH! Introducing Amazon SageMaker - MCL365 - re:Invent 2017Amazon Web Services
 
Amazon sage maker infinitely scalable machine learning algorithms
Amazon sage maker infinitely scalable machine learning algorithmsAmazon sage maker infinitely scalable machine learning algorithms
Amazon sage maker infinitely scalable machine learning algorithmsMLconf
 
NEW LAUNCH! Graph-based Approaches for Cyber Investigative Analytics Using GP...
NEW LAUNCH! Graph-based Approaches for Cyber Investigative Analytics Using GP...NEW LAUNCH! Graph-based Approaches for Cyber Investigative Analytics Using GP...
NEW LAUNCH! Graph-based Approaches for Cyber Investigative Analytics Using GP...Amazon Web Services
 
大會主題演說 2: AI x 機器學習,無所不在!Ubiquity of AI and Machine Learning in our Everyday ...
大會主題演說 2: AI x 機器學習,無所不在!Ubiquity of AI and Machine Learning in our Everyday ...大會主題演說 2: AI x 機器學習,無所不在!Ubiquity of AI and Machine Learning in our Everyday ...
大會主題演說 2: AI x 機器學習,無所不在!Ubiquity of AI and Machine Learning in our Everyday ...Amazon 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
 
AI powered emotion recognition: From Inception to Production - Global AI Conf...
AI powered emotion recognition: From Inception to Production - Global AI Conf...AI powered emotion recognition: From Inception to Production - Global AI Conf...
AI powered emotion recognition: From Inception to Production - Global AI Conf...Vandana Kannan
 
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
 
Empowering Every Brain! How Brain Power is using AWS-Powered AI in their Miss...
Empowering Every Brain! How Brain Power is using AWS-Powered AI in their Miss...Empowering Every Brain! How Brain Power is using AWS-Powered AI in their Miss...
Empowering Every Brain! How Brain Power is using AWS-Powered AI in their Miss...Amazon Web Services
 
NEW LAUNCH! Introduction to Amazon GuardDuty - SID218 - re:Invent 2017
NEW LAUNCH! Introduction to Amazon GuardDuty - SID218 - re:Invent 2017NEW LAUNCH! Introduction to Amazon GuardDuty - SID218 - re:Invent 2017
NEW LAUNCH! Introduction to Amazon GuardDuty - SID218 - re:Invent 2017Amazon Web Services
 
Operationalizing Machine Learning (Rajeev Dutt, CEO, Co-Founder, DimensionalM...
Operationalizing Machine Learning (Rajeev Dutt, CEO, Co-Founder, DimensionalM...Operationalizing Machine Learning (Rajeev Dutt, CEO, Co-Founder, DimensionalM...
Operationalizing Machine Learning (Rajeev Dutt, CEO, Co-Founder, DimensionalM...Amazon Web Services Korea
 
An Eye in the Sky: How Radiant Solutions Processes Satellite Imagery with AI ...
An Eye in the Sky: How Radiant Solutions Processes Satellite Imagery with AI ...An Eye in the Sky: How Radiant Solutions Processes Satellite Imagery with AI ...
An Eye in the Sky: How Radiant Solutions Processes Satellite Imagery with AI ...Amazon Web Services
 

What's hot (20)

AI 클라우드로 완전 정복하기 - 데이터 분석부터 딥러닝까지 (윤석찬, AWS테크에반젤리스트)
AI 클라우드로 완전 정복하기 - 데이터 분석부터 딥러닝까지 (윤석찬, AWS테크에반젤리스트)AI 클라우드로 완전 정복하기 - 데이터 분석부터 딥러닝까지 (윤석찬, AWS테크에반젤리스트)
AI 클라우드로 완전 정복하기 - 데이터 분석부터 딥러닝까지 (윤석찬, AWS테크에반젤리스트)
 
How Esri Optimizes Massive Image Archives for Analytics in the Cloud - ABD402...
How Esri Optimizes Massive Image Archives for Analytics in the Cloud - ABD402...How Esri Optimizes Massive Image Archives for Analytics in the Cloud - ABD402...
How Esri Optimizes Massive Image Archives for Analytics in the Cloud - ABD402...
 
(BDT311) Deep Learning: Going Beyond Machine Learning
(BDT311) Deep Learning: Going Beyond Machine Learning(BDT311) Deep Learning: Going Beyond Machine Learning
(BDT311) Deep Learning: Going Beyond Machine Learning
 
Building a Recommender System on AWS
Building a Recommender System on AWSBuilding a Recommender System on AWS
Building a Recommender System on AWS
 
Deep Learning on Qubole Data Platform
Deep Learning on Qubole Data PlatformDeep Learning on Qubole Data Platform
Deep Learning on Qubole Data Platform
 
From Notebook to production with Amazon SageMaker
From Notebook to production with Amazon SageMakerFrom Notebook to production with Amazon SageMaker
From Notebook to production with Amazon SageMaker
 
Julien Simon, Principal Technical Evangelist at Amazon - Machine Learning: Fr...
Julien Simon, Principal Technical Evangelist at Amazon - Machine Learning: Fr...Julien Simon, Principal Technical Evangelist at Amazon - Machine Learning: Fr...
Julien Simon, Principal Technical Evangelist at Amazon - Machine Learning: Fr...
 
Building a Recommender System Using Amazon SageMaker's Factorization Machine ...
Building a Recommender System Using Amazon SageMaker's Factorization Machine ...Building a Recommender System Using Amazon SageMaker's Factorization Machine ...
Building a Recommender System Using Amazon SageMaker's Factorization Machine ...
 
Deep learning an Introduction with Competitive Landscape
Deep learning an Introduction with Competitive LandscapeDeep learning an Introduction with Competitive Landscape
Deep learning an Introduction with Competitive Landscape
 
NEW LAUNCH! Introducing Amazon SageMaker - MCL365 - re:Invent 2017
NEW LAUNCH! Introducing Amazon SageMaker - MCL365 - re:Invent 2017NEW LAUNCH! Introducing Amazon SageMaker - MCL365 - re:Invent 2017
NEW LAUNCH! Introducing Amazon SageMaker - MCL365 - re:Invent 2017
 
Amazon sage maker infinitely scalable machine learning algorithms
Amazon sage maker infinitely scalable machine learning algorithmsAmazon sage maker infinitely scalable machine learning algorithms
Amazon sage maker infinitely scalable machine learning algorithms
 
NEW LAUNCH! Graph-based Approaches for Cyber Investigative Analytics Using GP...
NEW LAUNCH! Graph-based Approaches for Cyber Investigative Analytics Using GP...NEW LAUNCH! Graph-based Approaches for Cyber Investigative Analytics Using GP...
NEW LAUNCH! Graph-based Approaches for Cyber Investigative Analytics Using GP...
 
大會主題演說 2: AI x 機器學習,無所不在!Ubiquity of AI and Machine Learning in our Everyday ...
大會主題演說 2: AI x 機器學習,無所不在!Ubiquity of AI and Machine Learning in our Everyday ...大會主題演說 2: AI x 機器學習,無所不在!Ubiquity of AI and Machine Learning in our Everyday ...
大會主題演說 2: AI x 機器學習,無所不在!Ubiquity of AI and Machine Learning in our Everyday ...
 
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
 
AI powered emotion recognition: From Inception to Production - Global AI Conf...
AI powered emotion recognition: From Inception to Production - Global AI Conf...AI powered emotion recognition: From Inception to Production - Global AI Conf...
AI powered emotion recognition: From Inception to Production - Global AI Conf...
 
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 - ...
 
Empowering Every Brain! How Brain Power is using AWS-Powered AI in their Miss...
Empowering Every Brain! How Brain Power is using AWS-Powered AI in their Miss...Empowering Every Brain! How Brain Power is using AWS-Powered AI in their Miss...
Empowering Every Brain! How Brain Power is using AWS-Powered AI in their Miss...
 
NEW LAUNCH! Introduction to Amazon GuardDuty - SID218 - re:Invent 2017
NEW LAUNCH! Introduction to Amazon GuardDuty - SID218 - re:Invent 2017NEW LAUNCH! Introduction to Amazon GuardDuty - SID218 - re:Invent 2017
NEW LAUNCH! Introduction to Amazon GuardDuty - SID218 - re:Invent 2017
 
Operationalizing Machine Learning (Rajeev Dutt, CEO, Co-Founder, DimensionalM...
Operationalizing Machine Learning (Rajeev Dutt, CEO, Co-Founder, DimensionalM...Operationalizing Machine Learning (Rajeev Dutt, CEO, Co-Founder, DimensionalM...
Operationalizing Machine Learning (Rajeev Dutt, CEO, Co-Founder, DimensionalM...
 
An Eye in the Sky: How Radiant Solutions Processes Satellite Imagery with AI ...
An Eye in the Sky: How Radiant Solutions Processes Satellite Imagery with AI ...An Eye in the Sky: How Radiant Solutions Processes Satellite Imagery with AI ...
An Eye in the Sky: How Radiant Solutions Processes Satellite Imagery with AI ...
 

Viewers also liked

AWS 機器學習 I ─ 人工智慧 AI
AWS 機器學習 I ─ 人工智慧 AIAWS 機器學習 I ─ 人工智慧 AI
AWS 機器學習 I ─ 人工智慧 AIAmazon Web Services
 
Using Big Data to Driving Big Engagement
Using Big Data to Driving Big EngagementUsing Big Data to Driving Big Engagement
Using Big Data to Driving Big EngagementAmazon Web Services
 
運用大數據掌握您的客戶
運用大數據掌握您的客戶運用大數據掌握您的客戶
運用大數據掌握您的客戶Amazon Web Services
 
運用 Amazon 提供 Robo-Advisors 與 FinteXchange 交易市集上的AaaS、DaaS、PaaS 服務
運用 Amazon 提供 Robo-Advisors 與 FinteXchange 交易市集上的AaaS、DaaS、PaaS 服務運用 Amazon 提供 Robo-Advisors 與 FinteXchange 交易市集上的AaaS、DaaS、PaaS 服務
運用 Amazon 提供 Robo-Advisors 與 FinteXchange 交易市集上的AaaS、DaaS、PaaS 服務Amazon Web Services
 
Turn Big Data Into Big Value On Informatica and Amazon
Turn Big Data Into Big Value On Informatica and AmazonTurn Big Data Into Big Value On Informatica and Amazon
Turn Big Data Into Big Value On Informatica and AmazonAmazon Web Services
 
Welcome & AWS Big Data Solution Overview
Welcome & AWS Big Data Solution OverviewWelcome & AWS Big Data Solution Overview
Welcome & AWS Big Data Solution OverviewAmazon Web Services
 
把您的 Amazon Lex Chatbot 與訊息服務集成
把您的 Amazon Lex Chatbot 與訊息服務集成把您的 Amazon Lex Chatbot 與訊息服務集成
把您的 Amazon Lex Chatbot 與訊息服務集成Amazon Web Services
 
遷移過程中建置混和雲架構的最佳實踐分享
遷移過程中建置混和雲架構的最佳實踐分享遷移過程中建置混和雲架構的最佳實踐分享
遷移過程中建置混和雲架構的最佳實踐分享Amazon Web Services
 
網路安全自動化 - 縮短應用維安的作業時間
網路安全自動化 - 縮短應用維安的作業時間網路安全自動化 - 縮短應用維安的作業時間
網路安全自動化 - 縮短應用維安的作業時間Amazon Web Services
 
What is Cloud Computing with Amazon Web Services?
What is Cloud Computing with Amazon Web Services?What is Cloud Computing with Amazon Web Services?
What is Cloud Computing with Amazon Web Services?Amazon Web Services
 
Building an AI-based service with Rekognition, Polly and Lex
Building an AI-based service with Rekognition, Polly and LexBuilding an AI-based service with Rekognition, Polly and Lex
Building an AI-based service with Rekognition, Polly and LexAmazon Web Services
 

Viewers also liked (15)

AWS 機器學習 I ─ 人工智慧 AI
AWS 機器學習 I ─ 人工智慧 AIAWS 機器學習 I ─ 人工智慧 AI
AWS 機器學習 I ─ 人工智慧 AI
 
Using Big Data to Driving Big Engagement
Using Big Data to Driving Big EngagementUsing Big Data to Driving Big Engagement
Using Big Data to Driving Big Engagement
 
智能零售解決方案
智能零售解決方案智能零售解決方案
智能零售解決方案
 
運用大數據掌握您的客戶
運用大數據掌握您的客戶運用大數據掌握您的客戶
運用大數據掌握您的客戶
 
運用 Amazon 提供 Robo-Advisors 與 FinteXchange 交易市集上的AaaS、DaaS、PaaS 服務
運用 Amazon 提供 Robo-Advisors 與 FinteXchange 交易市集上的AaaS、DaaS、PaaS 服務運用 Amazon 提供 Robo-Advisors 與 FinteXchange 交易市集上的AaaS、DaaS、PaaS 服務
運用 Amazon 提供 Robo-Advisors 與 FinteXchange 交易市集上的AaaS、DaaS、PaaS 服務
 
Turn Big Data Into Big Value On Informatica and Amazon
Turn Big Data Into Big Value On Informatica and AmazonTurn Big Data Into Big Value On Informatica and Amazon
Turn Big Data Into Big Value On Informatica and Amazon
 
Deep Dive in Big Data
Deep Dive in Big DataDeep Dive in Big Data
Deep Dive in Big Data
 
Welcome & AWS Big Data Solution Overview
Welcome & AWS Big Data Solution OverviewWelcome & AWS Big Data Solution Overview
Welcome & AWS Big Data Solution Overview
 
把您的 Amazon Lex Chatbot 與訊息服務集成
把您的 Amazon Lex Chatbot 與訊息服務集成把您的 Amazon Lex Chatbot 與訊息服務集成
把您的 Amazon Lex Chatbot 與訊息服務集成
 
遷移過程中建置混和雲架構的最佳實踐分享
遷移過程中建置混和雲架構的最佳實踐分享遷移過程中建置混和雲架構的最佳實踐分享
遷移過程中建置混和雲架構的最佳實踐分享
 
網路安全自動化 - 縮短應用維安的作業時間
網路安全自動化 - 縮短應用維安的作業時間網路安全自動化 - 縮短應用維安的作業時間
網路安全自動化 - 縮短應用維安的作業時間
 
What is Cloud Computing with Amazon Web Services?
What is Cloud Computing with Amazon Web Services?What is Cloud Computing with Amazon Web Services?
What is Cloud Computing with Amazon Web Services?
 
Building IoT Backends
Building IoT BackendsBuilding IoT Backends
Building IoT Backends
 
Building an AI-based service with Rekognition, Polly and Lex
Building an AI-based service with Rekognition, Polly and LexBuilding an AI-based service with Rekognition, Polly and Lex
Building an AI-based service with Rekognition, Polly and Lex
 
AWS AI Solutions
AWS AI SolutionsAWS AI Solutions
AWS AI Solutions
 

Similar to AWS 機器學習 II ─ 深度學習 Deep Learning & MXNet

Intro to Scalable Deep Learning on AWS with Apache MXNet
Intro to Scalable Deep Learning on AWS with Apache MXNetIntro to Scalable Deep Learning on AWS with Apache MXNet
Intro to Scalable Deep Learning on AWS with Apache MXNetAmazon Web Services
 
Scalable Deep Learning on AWS Using Apache MXNet - AWS Summit Tel Aviv 2017
Scalable Deep Learning on AWS Using Apache MXNet - AWS Summit Tel Aviv 2017Scalable Deep Learning on AWS Using Apache MXNet - AWS Summit Tel Aviv 2017
Scalable Deep Learning on AWS Using Apache MXNet - AWS Summit Tel Aviv 2017Amazon Web Services
 
Deep Dive on Deep Learning (June 2018)
Deep Dive on Deep Learning (June 2018)Deep Dive on Deep Learning (June 2018)
Deep Dive on Deep Learning (June 2018)Julien SIMON
 
Machine Learning on the Cloud with Apache MXNet
Machine Learning on the Cloud with Apache MXNetMachine Learning on the Cloud with Apache MXNet
Machine Learning on the Cloud with Apache MXNetdelagoya
 
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
 
Alex Smola at AI Frontiers: Scalable Deep Learning Using MXNet
Alex Smola at AI Frontiers: Scalable Deep Learning Using MXNetAlex Smola at AI Frontiers: Scalable Deep Learning Using MXNet
Alex Smola at AI Frontiers: Scalable Deep Learning Using MXNetAI Frontiers
 
Distributed Deep Learning on AWS with Apache MXNet
Distributed Deep Learning on AWS with Apache MXNetDistributed Deep Learning on AWS with Apache MXNet
Distributed Deep Learning on AWS with Apache MXNetAmazon 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
 
MCL309_Deep Learning on a Raspberry Pi
MCL309_Deep Learning on a Raspberry PiMCL309_Deep Learning on a Raspberry Pi
MCL309_Deep Learning on a Raspberry PiAmazon Web Services
 
Deep Dive into Apache MXNet on AWS
Deep Dive into Apache MXNet on AWSDeep Dive into Apache MXNet on AWS
Deep Dive into Apache MXNet on AWSKristana Kane
 
Deep Learning with Apache MXNet
Deep Learning with Apache MXNetDeep Learning with Apache MXNet
Deep Learning with Apache MXNetJulien SIMON
 
Viktor Tsykunov: Azure Machine Learning Service
Viktor Tsykunov: Azure Machine Learning ServiceViktor Tsykunov: Azure Machine Learning Service
Viktor Tsykunov: Azure Machine Learning ServiceLviv Startup Club
 
Artificial Intelligence on the AWS Cloud - AWS Innovate Ottawa
Artificial Intelligence on the AWS Cloud - AWS Innovate OttawaArtificial Intelligence on the AWS Cloud - AWS Innovate Ottawa
Artificial Intelligence on the AWS Cloud - AWS Innovate OttawaAmazon Web Services
 
Designing Artificial Intelligence
Designing Artificial IntelligenceDesigning Artificial Intelligence
Designing Artificial IntelligenceDavid Chou
 
Optimize Your Machine Learning Workloads
Optimize Your Machine Learning WorkloadsOptimize Your Machine Learning Workloads
Optimize Your Machine Learning WorkloadsAmazon Web Services
 
Deep Learning for Developers: Collision 2018
Deep Learning for Developers: Collision 2018Deep Learning for Developers: Collision 2018
Deep Learning for Developers: Collision 2018Amazon Web Services
 
How to build a Citrix infrastructure on AWS
How to build a Citrix infrastructure on AWSHow to build a Citrix infrastructure on AWS
How to build a Citrix infrastructure on AWSDenis Gundarev
 
"Scaling ML from 0 to millions of users", Julien Simon, AWS Dev Day Kyiv 2019
"Scaling ML from 0 to millions of users", Julien Simon, AWS Dev Day Kyiv 2019"Scaling ML from 0 to millions of users", Julien Simon, AWS Dev Day Kyiv 2019
"Scaling ML from 0 to millions of users", Julien Simon, AWS Dev Day Kyiv 2019Provectus
 

Similar to AWS 機器學習 II ─ 深度學習 Deep Learning & MXNet (20)

Intro to Scalable Deep Learning on AWS with Apache MXNet
Intro to Scalable Deep Learning on AWS with Apache MXNetIntro to Scalable Deep Learning on AWS with Apache MXNet
Intro to Scalable Deep Learning on AWS with Apache MXNet
 
Scalable Deep Learning on AWS Using Apache MXNet - AWS Summit Tel Aviv 2017
Scalable Deep Learning on AWS Using Apache MXNet - AWS Summit Tel Aviv 2017Scalable Deep Learning on AWS Using Apache MXNet - AWS Summit Tel Aviv 2017
Scalable Deep Learning on AWS Using Apache MXNet - AWS Summit Tel Aviv 2017
 
Deep Dive on Deep Learning (June 2018)
Deep Dive on Deep Learning (June 2018)Deep Dive on Deep Learning (June 2018)
Deep Dive on Deep Learning (June 2018)
 
Machine Learning on the Cloud with Apache MXNet
Machine Learning on the Cloud with Apache MXNetMachine Learning on the Cloud with Apache MXNet
Machine Learning on the Cloud with Apache MXNet
 
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
 
Alex Smola at AI Frontiers: Scalable Deep Learning Using MXNet
Alex Smola at AI Frontiers: Scalable Deep Learning Using MXNetAlex Smola at AI Frontiers: Scalable Deep Learning Using MXNet
Alex Smola at AI Frontiers: Scalable Deep Learning Using MXNet
 
MXNet Workshop
MXNet WorkshopMXNet Workshop
MXNet Workshop
 
Distributed Deep Learning on AWS with Apache MXNet
Distributed Deep Learning on AWS with Apache MXNetDistributed Deep Learning on AWS with Apache MXNet
Distributed Deep Learning on AWS with Apache MXNet
 
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
 
MCL309_Deep Learning on a Raspberry Pi
MCL309_Deep Learning on a Raspberry PiMCL309_Deep Learning on a Raspberry Pi
MCL309_Deep Learning on a Raspberry Pi
 
Deep Dive into Apache MXNet on AWS
Deep Dive into Apache MXNet on AWSDeep Dive into Apache MXNet on AWS
Deep Dive into Apache MXNet on AWS
 
Deep Learning with Apache MXNet
Deep Learning with Apache MXNetDeep Learning with Apache MXNet
Deep Learning with Apache MXNet
 
Viktor Tsykunov: Azure Machine Learning Service
Viktor Tsykunov: Azure Machine Learning ServiceViktor Tsykunov: Azure Machine Learning Service
Viktor Tsykunov: Azure Machine Learning Service
 
Artificial Intelligence on the AWS Cloud - AWS Innovate Ottawa
Artificial Intelligence on the AWS Cloud - AWS Innovate OttawaArtificial Intelligence on the AWS Cloud - AWS Innovate Ottawa
Artificial Intelligence on the AWS Cloud - AWS Innovate Ottawa
 
Designing Artificial Intelligence
Designing Artificial IntelligenceDesigning Artificial Intelligence
Designing Artificial Intelligence
 
Optimize Your Machine Learning Workloads
Optimize Your Machine Learning WorkloadsOptimize Your Machine Learning Workloads
Optimize Your Machine Learning Workloads
 
Deep Learning for Developers: Collision 2018
Deep Learning for Developers: Collision 2018Deep Learning for Developers: Collision 2018
Deep Learning for Developers: Collision 2018
 
Machine Learning in Action
Machine Learning in ActionMachine Learning in Action
Machine Learning in Action
 
How to build a Citrix infrastructure on AWS
How to build a Citrix infrastructure on AWSHow to build a Citrix infrastructure on AWS
How to build a Citrix infrastructure on AWS
 
"Scaling ML from 0 to millions of users", Julien Simon, AWS Dev Day Kyiv 2019
"Scaling ML from 0 to millions of users", Julien Simon, AWS Dev Day Kyiv 2019"Scaling ML from 0 to millions of users", Julien Simon, AWS Dev Day Kyiv 2019
"Scaling ML from 0 to millions of users", Julien Simon, AWS Dev Day Kyiv 2019
 

More from Amazon Web Services

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

More from Amazon Web Services (20)

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

AWS 機器學習 II ─ 深度學習 Deep Learning & MXNet

  • 1. Deep Learning & MXNet Name: Jhen-Wei Huang (黃振維) Department: Solutions Architect Company: AWS
  • 2. Image understanding Speech recognition Natural language processing … Autonomy Deep Learning Applications https://trends.google.com/ Deep Learning Applications
  • 6. Why It’s Different This Time Everything is digital: large data sets are available Imagenet: 14M+ labeled images - http://www.image-net.org/ YouTube-8M: 7M+ labeled videos - https://research.google.com/youtube8m/ AWS public data sets - https://aws.amazon.com/public-datasets/ The parallel computing power of GPUs make training possible Simard et al (2005), Ciresan et al (2011) State of the art networks have hundreds of layers Baidu’s Chinese speech recognition: 4TB of training data, +/- 10 Exaflops Cloud scalability and elasticity make training affordable Grab a lot of resources for fast training, then release them Using a DL model is lightweight: you can do it on a Raspberry Pi
  • 7. Deep Learning Models Deep Learning Models Input Output 1 1 1 1 0 1 0 0 0 3 mx.sym.Convolution(data, kernel=(5,5), num_filter=20) mx.sym.Pooling(data, pool_type="max", kernel=(2,2), stride=(2,2) lstm.lstm_unroll(num_lstm_layer, seq_len, len, num_hidden, num_embed) 4 2 2 0 4=Max 1 3 ... 4 0.2 -0.1 ... 0.7 mx.sym.FullyConnected(data, num_hidden=128) 2 mx.symbol.Embedding(data, input_dim, output_dim = k) 0.2 -0.1 ... 0.7 Queen 4 2 2 0 2=Avg Input Weights cos(w, queen) = cos(w, king) - cos(w, man) + cos(w, woman) mx.sym.Activation(data, act_type="xxxx") "relu" "tanh" "sigmoid" "softrelu" Neural Art Face Search Image Segmentation Image Caption “People Riding Bikes” Bicycle, People, Road, Sport Image Labels Image Video Speech Text “People Riding Bikes” Machine Translation “Οι άνθρωποι ιππασίας ποδήλατα” Events mx.model.FeedForward model.fit mx.sym.SoftmaxOutput Anatomy of a Deep Learning Model
  • 9. Deep Learning Models Deep Learning Models
  • 10. Apache MXNet Apache MXNet 2015 Project created 2016 Nov. Be Amazon DL framework of choice 2017 Jan. Project enters incubation Latest Version : 0.11 Contributors : 436 Star : 11,578 License : Apache 2.0
  • 11. Apache MXNet 0.11 - Julien Simon, https://medium.com/@julsimon/keras-shoot-out-tensorflow-vs-mxnet-51ae2b30a9c0 https://aws.amazon.com/cn/blogs/ai/bring-machine-learning-to-ios-apps-using-apache-mxnet-and-apple-core-ml/ Apache MXNet 0.11 Released
  • 12. Apache MXNet for Deep Learning https://github.com/apache/incubator-mxnet Apache MXNet for Deep Learning
  • 13. Apache MXNet for IoT & the Edge Apache MXNet for IoT & the Edge
  • 14. Apache MXNet for IoT & the Edge Apache MXNet for IoT & the Edge
  • 15. BlindTool by Joseph Paul Cohen, demo on Nexus 4 • Fit the core library with all dependencies into a single C++ source file • Easy to compile on any platform Amalgamation Runs in browser with Javascript
  • 16. Apache MXNet – Per formance https://github.com/ilkarman/DeepLearningFrameworks Apache MXNet - Performance
  • 17. Multi-GPU Scaling With MXNet Multi-GPU Scaling With MXNet
  • 18. Multi-Machine Scaling With MXNet Multi-Machine Scaling With MXnet • Cloud Formation with Deep Learning AMI • 16x P2.16xlarge • Mounted on EFS • ImageNet, 1.2M images, 1K classes • 152-layer ResNet , 5.4d on 4xK80s (1.2h per epoch) • 0.22 top-1 validation error • 6h on 128x K80s , achieves the same validation error
  • 19. Apache MXNet | The Basics Apache MXNet | The Basics • NDArray: Manipulate multi-dimensional arrays in a command line paradigm (imperative). • Symbol: Symbolic expression for neural networks (declarative). • Module: Intermediate-level and high-level interface for neural network training and inference. • Loading Data: Feeding data into training/inference programs. • Mixed Programming: Training algorithms developed using NDArrays in concert with Symbols. https://medium.com/@julsimon/an-introduction-to-the-mxnet-api-part-1-848febdcf8ab
  • 20. Apache MXNet – NDArr yApache MXNet - NDArray NumPy • Only CPU • No automatic differentiation NDArray • Support CPUs/GPUs • Scale to distributed system in the cloud • Automatic differentiation • Lazy evaluation
  • 21. Apache MXNet – NDArr y context = mx.cpu() context = mx.gpu(0) context = mx.gpu(1) g = copyto(c) g = c.as_in_context(mx.gpu(0)) Apache MXNet - NDArray
  • 22. Imperative Programming import numpy as np a = np.ones(10) b = np.ones(10) * 2 c = b * a d = c + 1 • Straightforward and flexible. • Take advantage of language native features (loop, condition, debugger). • E.g. Numpy, Matlab, Torch, … • Hard to optimize PROS CONSEasy to tweak in Python
  • 23. Declarative Programming • More chances for optimization • Cross different languages • E.g. TensorFlow, Theano, Caffe • Less flexible PROS CONSC can share memory with D because C is deleted later A = Variable('A') B = Variable('B') C = B * A D = C + 1 f = compile(D) d = f(A=np.ones(10), B=np.ones(10)*2) A B 1 + X
  • 24. Mixed Programming Paradigm IMPERATIVE NDARRAY API DECLARATIVE SYMBOLIC EXECUTOR >>> import mxnet as mx >>> a = mx.nd.zeros((100, 50)) >>> b = mx.nd.ones((100, 50)) >>> c = a + b >>> c += 1 >>> print(c) >>> import mxnet as mx >>> net = mx.symbol.Variable('data') >>> net = mx.symbol.FullyConnected(data=net, num_hidden=128) >>> net = mx.symbol.SoftmaxOutput(data=net) >>> texec = mx.module.Module(net) >>> texec.forward(data=c) >>> texec.backward() NDArray can be set as input to the graph
  • 25. Demo – Training MXNet on MNIST https://medium.com/@julsimon/training-mxnet-part-1-mnist-6f0dc4210c62 https://github.com/juliensimon/aws/tree/master/mxnet/mnist
  • 26. Apache MXNet New Interface – Gluon New Interface - Gluon
  • 27. Apache MXNet New Interface – Gluon net.hybridize() develop and debug models with imperative programming and switch to efficient symbolic execution New Interface - Gluon
  • 28. Apache MXNet New Interface – Gluon Symbolic Gluon Imperative • Efficient & Portable • But hard to use • Imperative for developing • Symbolic for deploying • Flexible • May be slow New Interface - Gluon
  • 29. Apache MXNet Gluon 演示 – Fashion-MNISTMXNet Gluon – Fashion-MNIST https://github.com/zalandoresearch/fashion-mnist
  • 31. Apache MXNet 框架 – AWS 的基础设施 CPU Instance • C4.8xlarge (36 threads, 60GB RAM, 4Gbit) • M4.16xlarge (64 threads, 256GB RAM, 10Gbit) GPU Instance • P2.16xlarge ( 16X NVIDIA Kepler K80, 64 threads, 732GB RAM, 20Gbit) • G3.16xlarge (4XNVIDIA Maxwell M60, 64 threads, 488GB RAM, 20Gbit) • NVIDIA Volta – coming to an instance near you AWS EC2 Instance
  • 32. One-Click GPU or CPU Deep Learning AWS Deep Learning AMI Up to~40k CUDA cores Apache MXNet TensorFlow Theano Caffe Torch Keras Pre-configured CUDA drivers, MKL Anaconda, Python3 Ubuntu and Amazon Linux + AWS CloudFormation template + Container image
  • 33. Apache MXNet 框架 – AWS 的基础设施AWS Machine Image for Deep Learning http://docs.aws.amazon.com/mxnet/latest/dg/appendix-ami-release-notes.html
  • 34. Apache MXNet 框架 – AWS 的基础设施AWS CloudFormation Template for Deep Learning https://github.com/awslabs/deeplearning-cfn • The AWS CloudFormation Deep Learning template uses the Amazon Deep Learning AMI to launch a cluster of EC2 instances and other AWS resources needed to perform distributed deep learning.
  • 35. Apache MXNet 框架演示 – AWS上的集群图像分类训练 $ssh –A –i xxx.pem ubuntu@xxx.xxx.xxx.xxx $mkdir $EFS_MOUNT/cifar_model/ $cd $EFS_MOUNT/deeplearning-cfn/examples/mxnet/example/image classification/ $ ../../tools/launch.py -n $DEEPLEARNING_WORKERS_COUNT -H $DEEPLEARNING_WORKERS_PATH python train_cifar10.py --network resnet --num-layers 110 --kv-store dist_device_sync --model-prefix $EFS_MOUNT/cifar_model/cifar --num-epochs 300 --batch-size 128 The CIFAR-10 dataset consists of 60000 32x32 colour images in 10 classes, with 6000 images per class. There are 50000 training images and 10000 test images Running Distributed Training
  • 36. Apache MXNet 框架演示 – AWS上的集群图像分类训练 Environment 1 x P2.16xLarge 5 x P2.16xlarge Execution Time 36,122s = 10.3h 7,632s = 2.12h Performance Improved 473% Running Distributed Training
  • 37. Apache MXNet 框架 – 从源代码编译安装 USE_CUDA=1 USE_CUDNN=1 USE_OPENMP=1 USE_CUDA_PATH=/usr/local/cuda USE_BLAS=mkl USE_MKL2017=1 USE_MKL2017_EXPERIMENTAL=1 MKLML_ROOT=/usr/local USE_INTEL_PATH=/opt/intel USE_OPENCV=1 USE_S3=1 USE_NVRTC=1 USE_DIST_KVSTORE=1 ##K80 3.7,M60 5.2, GTX 1070 6.1 MSHADOW_NVCCFLAGS += -gencode arch=compute_61,code=sm_61 mxnet/mshadow/make/mshadow.mk mxnet/make/config.mk Build and Installation
  • 38. 在Amazon ECS容器服务上部署Apache MXNetDeploy a Deep Learning Framework on Amazon ECS Deploy MXNet on AWS using Docker container https://github.com/awslabs/ecs-deep-learning-workshop
  • 39. 使用AWS Lambda和MXNet 进行预测Seamlessly Scale Predictions with AWS Lambda and MXNet Leverage AWS Lambda and MXNet to build a scalable prediction pipeline • https://github.com/awslabs/mxnet-lambda • https://aws.amazon.com/cn/blogs/compute/seamlessl y-scale-predictions-with-aws-lambda-and-mxnet/
  • 40. https://github.com/dmlc/mxnet-notebooks • Basic concepts • NDArray - multi-dimensional array computation • Symbol - symbolic expression for neural networks • Module - neural network training and inference • Applications • MNIST: recognize handwritten digits • Check out the distributed training results • Predict with pre-trained models • LSTMs for sequence learning • Recommender systems • Train a state of the art Computer Vision model (CNN) • Lots more.. Application Examples | Jupyter Notebooks
  • 41. MXNet Resources: • MXNet Blog Post | AWS Endorsement • Read up on MXNet and Learn More: mxnet.io • MXNet Github Repo • MXNet Recommender Systems Talk | Leo Dirac Developer Resources: • Deep Learning AMI |Amazon Linux • Deep Learning AMI | Ubuntu • CloudFormation Template Instructions • Deep Learning Benchmark • MXNet on Lambda • MXNet on ECS/Docker • MXNet on Raspberry Pi | Image Detector using Inception Network Developer Resources