SlideShare a Scribd company logo
1 of 47
© 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark
Generative Adversarial Networks(GANs)
using Apache MXNet
Vandana Kannan
Amazon AI
© 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark
Agenda
• Introduction to AI and neural networks
• Convolutional neural network (CNN)
• How GANs work
• Demo
• GANs in recent years
• Tools that you can use
© 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark
Brief Intro to Deep Learning
AI
Machine
Learning
Deep
Learning
Can machines think?
Can machines do what we can?
(Turing, 1950)
Machine
Learning
Data
Answers Rules
Traditional
Programming
Data
Rules Answers
Credits: Hagay Lupesko
© 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark
It has a growing impact on our lives
Personalization Robotics Voice
Autonomous
Vehicles
Deep Learning is a Big Deal
Credits: Hagay Lupesko
© 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark
M L F R A M E W O R K S &
I N F R A S T R U C T U R E
A I S E R V I C E S
R E K O G N I T I O N
I M A G E
P O L L Y T R A N S C R I B E T R A N S L A T E C O M P R E H E N D L E XR E K O G N I T I O N
V I D E O
Vision Speech Language Chatbots
A M A Z O N
S A G E M A K E R
B U I L D T R A I N
F O R E C A S T
Forecasting
T E X T R A C T P E R S O N A L I Z E
Recommendations
D E P L O Y
Pre-built algorithms & notebooks
Data labeling (G R O U N D T R U T H )
One-click model training & tuning
Optimization (N E O )
One-click deployment & hosting
M L S E R V I C E S
F r a m e w o r k s I n t e r f a c e s I n f r a s t r u c t u r e
E C 2 P 3
& P 3 N
E C 2 C 5 F P G A s G R E E N G R A S S E L A S T I C
I N F E R E N C E
Reinforcement learningAlgorithms & models ( A W S M A R K E T P L A C E
F O R M A C H I N E L E A R N I N G )
© 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark
Ref: https://towardsdatascience.com/multi-layer-neural-networks-with-
sigmoid-function-deep-learning-for-rookies-2-bf464f09eb7f
Perceptrons
Ref: https://harishnarayanan.org/writing/artistic-style-transfer/
© 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark
The “Deep” in Deep Learning
Introducing hidden layers
© 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark
The “Learning” in Deep Learning
Forward Pass
Backwards Pass
Input Data
Neural
Network
Inference
Loss
Back
Propagate
Update
Weights
Backwards Pass is where the magic of learning happens,
leveraging Gradient Descent.
© 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark
Multi-Layer Perceptrons and Images
Ref: https://medium.com/@ageitgey/machine-learning-is-fun-part-3-deep-
learning-and-convolutional-neural-networks-f40359318721
© 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark
Can it handle positional changes?
Ref: https://medium.com/@ageitgey/machine-learning-is-fun-part-3-deep-
learning-and-convolutional-neural-networks-f40359318721
Option 1: Use a sliding window to find an ‘8’
© 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark
Ref: https://medium.com/@ageitgey/machine-learning-is-fun-part-3-deep-
learning-and-convolutional-neural-networks-f40359318721
Option 2: Feed input data containing all possible positions
© 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark
And then…
Make the network bigger
© 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark
Convolution to the rescue!
What we humans see
• The ground is covered
in grass and concrete
• There is a child
• The child is sitting on a
bouncy horse
• The bouncy horse is on
top of the grass
Ref: https://medium.com/@ageitgey/machine-learning-is-fun-part-3-
deep-learning-and-convolutional-neural-networks-f40359318721
© 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark
Ref: https://medium.com/@ageitgey/machine-learning-is-fun-part-3-deep-learning-and-convolutional-
neural-networks-f40359318721
© 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark
© 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark Ref: https://medium.com/@ageitgey/machine-learning-is-fun-part-3-deep-learning-and-convolutional-
neural-networks-f40359318721
© 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark Ref: https://medium.com/@ageitgey/machine-learning-is-fun-part-3-deep-learning-and-convolutional-
neural-networks-f40359318721
© 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark
Recap…
• Intro to AI
• Intro to Neural Networks
• Intro to CNNs
© 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark
Types of Learning
Types of
learning
Supervised Unsupervised Reinforcement
• Lots of data
• Provide results
• Learn by
comparison
• Lots of data
• No results
• Learn from
data
• Learn from the
environment
• Provide
feedback to
action
© 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark
GAN – an introduction
• Generative model
• Learns from data
• 2 neural networks compete
• Created by Ian Goodfellow et al. in 2014 https://arxiv.org/abs/1406.2661
© 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark
Intuition behind GANs
GENERATOR (G) DISCRIMINATOR (D)
Image source: https://myfunnymemes.com/batman-studies-some-counterfeit-money-in-the-classic-cartoon/
https://66.media.tumblr.com/cbbf65f8c932442f6ebcfd87e73ea64e/tumblr_p8srhg55k81u25kiio2_500.gif
© 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark
Real/FakeD
GRandom Numbers
Ref: https://medium.com/@ageitgey/abusing-generative-
adversarial-networks-to-make-8-bit-pixel-art-e45d9b96cee7
© 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark
Training GANs
Iteration 1: D & G are dumb
GRandom Numbers
REAL!!D
Ref: https://medium.com/@ageitgey/abusing-generative-
adversarial-networks-to-make-8-bit-pixel-art-e45d9b96cee7
© 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark
Iteration n: D & G start to learn some features
GRandom Numbers
FAKE!!D
Keep training D & G till they become experts…
© 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark
DCGAN When D & G are CNNs…
Real/Fake
Random input
Real Image
Fake image
© 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark
DCGAN: Implementation walkthrough
https://github.com/vandanavk/mxnet-gluon-
gan/blob/dcgan/dcgan/dcgan.ipynb
© 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark
Other GANs
StackGAN
Text to image synthesis
Ref: https://arxiv.org/pdf/1612.03242.pdf
© 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark
CycleGAN
Ref: https://arxiv.org/pdf/1703.10593.pdf
Image domain transfer
© 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark
SRGAN
Image
Super-resolution
Ref: https://arxiv.org/abs/1609.04802
© 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark
3D-GAN
3D reconstruction
from images
Ref: http://3dgan.csail.mit.edu/papers/3dgan_nips.pdf
© 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark
StyleGAN Learn attributes and styles
Ref: https://thispersondoesnotexist.com/
© 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark
Some more info on GANs
List of named GANs https://github.com/hindupuravinash/the-gan-zoo
How to load a pre-trained GAN (stored as MXNet .params file):
https://mxnet.incubator.apache.org/versions/master/tutorials/gluon/info_gan.ht
ml
Tips & tricks for training GANs: https://github.com/soumith/ganhacks,
https://medium.com/@utk.is.here/keep-calm-and-train-a-gan-pitfalls-and-tips-
on-training-generative-adversarial-networks-edd529764aa9
Gluon Model Zoo: http://mxnet.apache.org/api/python/gluon/model_zoo.html
© 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark
How to Get Started with Apache MXNet
https://d2l.ai/
http://mxnet.incubator.apache.org/
© 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark
Apache MXNet Social
YouTube: /apachemxnet
Twitter: @apachemxnet
Reddit: r/mxnet
Medium: /apache-mxnet
© 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark
Resources/References
• Apache MXNet – Flexible and efficient deep learning.
• https://github.com/apache/incubator-mxnet
• Apache MXNet Gluon Tutorials
• The Deep Learning Book
• MXNet – Using pre-trained models
• Amazon Elastic MapReduce
• https://medium.com/apache-mxnet
• https://twitter.com/apachemxnet
© 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark
How to Get Started with Apache MXNet on AWS
• Get started withApache MXNet on AWS: https://aws.amazon.com/mxnet/get-started/
• UsingApache MXNet withAmazon SageMaker:
https://docs.aws.amazon.com/sagemaker/latest/dg/mxnet.html
• Contact: mxnet-info@amazon.com
© 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark
Using Apache MXNet with AWS ML Services
• Amazon SageMaker: https://aws.amazon.com/sagemaker/
• Amazon SageMaker Neo: https://aws.amazon.com/sagemaker/neo/
• Amazon Elastic Inference: https://aws.amazon.com/machine-learning/elastic-inference/
• Amazon Reinforcement Learning: https://aws.amazon.com/about-aws/whats-new/2018/11/amazon-
sagemaker-announces-support-for-reinforcement-learning/
• AWS IoT Greengrass ML Inference: https://aws.amazon.com/greengrass/ml/
• DynamicTraining withApache MXNet on AWS: https://aws.amazon.com/about-aws/whats-
new/2018/11/introducing-dynamic-training-with-apache-mxnet/
© 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark
References for the demo
Datasets:
• Classrooms: https://www.yf.io/p/lsun
• Flowers: http://www.robots.ox.ac.uk/~vgg/data/flowers/102/index.html
• Cartoons: https://google.github.io/cartoonset/download.html
• Faces: http://vis-www.cs.umass.edu/lfw/
Papers/websites:
• DCGAN paper: https://arxiv.org/pdf/1511.06434.pdf
• Gluon- The Straight Dope: https://github.com/zackchase/mxnet-the-straight-
dope/blob/master/chapter14_generative-adversarial-networks/dcgan.ipynb
• Introduction to Generative Adversarial Networks (GAN) with Apache MXNet - AWS Online Tech
Talks: https://www.youtube.com/watch?reload=9&v=4fQRoBz0BnM
• Machine Learning is Fun Part 7: Abusing Generative Adversarial Networks to Make 8-bit Pixel Art:
https://medium.com/@ageitgey/abusing-generative-adversarial-networks-to-make-8-bit-pixel-art-
e45d9b96cee7
• Keep Calm and train a GAN. Pitfalls and Tips on training Generative Adversarial Networks:
https://medium.com/@utk.is.here/keep-calm-and-train-a-gan-pitfalls-and-tips-on-training-generative-
adversarial-networks-edd529764aa9
© 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark
Summary
• Intro to AI
• Intro to Neural Networks
• Intro to CNNs
• Intro to GANs with an example of DCGAN
• Other GANs
• Getting started with Apache MXNet & Amazon Sagemaker
© 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark
Thank you!!!
© 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark
Apache MXNet -
Background
• Apache (incubating) open source project
• Framework for building and training DNNs
• Created by academia (CMU and UW)
• Adopted byAWS as DNN framework of
choice, Nov 2016
https://mxnet.incubator.apache.org/
© 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark
Multi-language Support
C++
C++
ClojureJuliaPerlR
ScalaPython
Frontend
Backend
While keeping high performance from efficient backend
Java
© 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark
Deep Learning Acceleration
CUDA & CuDNN MKL, MKLML & MKLDNN
pip install mxnet-cu92 pip install mxnet-mkl
TensorRT
pip install mxnet-tensorrt-cu92
© 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark
Apache MXNet Ecosystem
MXBoard
Model
Server
GluonCV
GluonNLP
ONNX
Model Zoo
eras
TensorRT
TVM
© 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark
Apache MXNet Customer Momentum
© 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark
Amazon SageMaker
A fully-managed platform
that provides a quick and easy way to
get models from idea to production.
https://aws.amazon.com/sagemaker/
© 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark
Amazon SageMaker Workflow
Amazon’s fast, scalable algorithms
Distributed TensorFlow, Apache MXNet, Chainer, PyTorch
Bring your own algorithm
Hyperparameter Tuning
Building HostingTraining

More Related Content

What's hot

IoT from Cloud to Edge & Back Again - WebSummit 2018
IoT from Cloud to Edge & Back Again - WebSummit 2018IoT from Cloud to Edge & Back Again - WebSummit 2018
IoT from Cloud to Edge & Back Again - WebSummit 2018Boaz Ziniman
 
Devoxx: Building AI-powered applications on AWS
Devoxx: Building AI-powered applications on AWSDevoxx: Building AI-powered applications on AWS
Devoxx: Building AI-powered applications on AWSAdrian Hornsby
 
Ai services AWS - Taglit
Ai services AWS - TaglitAi services AWS - Taglit
Ai services AWS - TaglitBoaz Ziniman
 
NEW LAUNCH! Feature updates for Amazon Rekognition - MCL336 - re:Invent 2017
NEW LAUNCH! Feature updates for Amazon Rekognition - MCL336 - re:Invent 2017NEW LAUNCH! Feature updates for Amazon Rekognition - MCL336 - re:Invent 2017
NEW LAUNCH! Feature updates for Amazon Rekognition - MCL336 - re:Invent 2017Amazon Web Services
 
Deep Learning Fundamentals
Deep Learning FundamentalsDeep Learning Fundamentals
Deep Learning FundamentalsThomas Delteil
 
Workshop Build an Image-Based Automatic Alert System with Amazon Rekognition:...
Workshop Build an Image-Based Automatic Alert System with Amazon Rekognition:...Workshop Build an Image-Based Automatic Alert System with Amazon Rekognition:...
Workshop Build an Image-Based Automatic Alert System with Amazon Rekognition:...Amazon Web Services
 
Add Intelligence to Applications with AWS ML: Machine Learning Workshops SF
Add Intelligence to Applications with AWS ML: Machine Learning Workshops SFAdd Intelligence to Applications with AWS ML: Machine Learning Workshops SF
Add Intelligence to Applications with AWS ML: Machine Learning Workshops SFAmazon Web Services
 
Innovations and The Cloud
Innovations and The CloudInnovations and The Cloud
Innovations and The CloudAdrian Hornsby
 
Intro to Object Detection with SSD
Intro to Object Detection with SSDIntro to Object Detection with SSD
Intro to Object Detection with SSDThomas Delteil
 
Artificial Intelligence for Developers - OOP Munich
Artificial Intelligence for Developers - OOP MunichArtificial Intelligence for Developers - OOP Munich
Artificial Intelligence for Developers - OOP MunichBoaz Ziniman
 
Using Amazon ML Services for Video Transcription & Translation: Machine Learn...
Using Amazon ML Services for Video Transcription & Translation: Machine Learn...Using Amazon ML Services for Video Transcription & Translation: Machine Learn...
Using Amazon ML Services for Video Transcription & Translation: Machine Learn...Amazon Web Services
 
AI: State of the Union
AI: State of the UnionAI: State of the Union
AI: State of the UnionAdrian Hornsby
 
AI Services and Serverless Workshop
AI Services and Serverless WorkshopAI Services and Serverless Workshop
AI Services and Serverless WorkshopBoaz Ziniman
 
Deep Learning Demystified - A (Mostly) Effortless Introduction: AWS Developer...
Deep Learning Demystified - A (Mostly) Effortless Introduction: AWS Developer...Deep Learning Demystified - A (Mostly) Effortless Introduction: AWS Developer...
Deep Learning Demystified - A (Mostly) Effortless Introduction: AWS Developer...Amazon Web Services
 
Serverless in Action on AWS
Serverless in Action on AWSServerless in Action on AWS
Serverless in Action on AWSAdrian Hornsby
 
Amazon Polly Tips and Tricks: How to Bring Your Text-to-Speech Voices to Life...
Amazon Polly Tips and Tricks: How to Bring Your Text-to-Speech Voices to Life...Amazon Polly Tips and Tricks: How to Bring Your Text-to-Speech Voices to Life...
Amazon Polly Tips and Tricks: How to Bring Your Text-to-Speech Voices to Life...Amazon Web Services
 
A Gentle Intro to Deep Learning
A Gentle Intro to Deep LearningA Gentle Intro to Deep Learning
A Gentle Intro to Deep LearningGabe Hollombe
 
Introduction to GluonCV
Introduction to GluonCVIntroduction to GluonCV
Introduction to GluonCVApache MXNet
 
re:Invent re:Cap - An overview of Artificial Intelligence and Machine Learnin...
re:Invent re:Cap - An overview of Artificial Intelligence and Machine Learnin...re:Invent re:Cap - An overview of Artificial Intelligence and Machine Learnin...
re:Invent re:Cap - An overview of Artificial Intelligence and Machine Learnin...Adrian Hornsby
 

What's hot (20)

IoT from Cloud to Edge & Back Again - WebSummit 2018
IoT from Cloud to Edge & Back Again - WebSummit 2018IoT from Cloud to Edge & Back Again - WebSummit 2018
IoT from Cloud to Edge & Back Again - WebSummit 2018
 
Devoxx: Building AI-powered applications on AWS
Devoxx: Building AI-powered applications on AWSDevoxx: Building AI-powered applications on AWS
Devoxx: Building AI-powered applications on AWS
 
Ai services AWS - Taglit
Ai services AWS - TaglitAi services AWS - Taglit
Ai services AWS - Taglit
 
NEW LAUNCH! Feature updates for Amazon Rekognition - MCL336 - re:Invent 2017
NEW LAUNCH! Feature updates for Amazon Rekognition - MCL336 - re:Invent 2017NEW LAUNCH! Feature updates for Amazon Rekognition - MCL336 - re:Invent 2017
NEW LAUNCH! Feature updates for Amazon Rekognition - MCL336 - re:Invent 2017
 
Machine Learning in Practice
Machine Learning in PracticeMachine Learning in Practice
Machine Learning in Practice
 
Deep Learning Fundamentals
Deep Learning FundamentalsDeep Learning Fundamentals
Deep Learning Fundamentals
 
Workshop Build an Image-Based Automatic Alert System with Amazon Rekognition:...
Workshop Build an Image-Based Automatic Alert System with Amazon Rekognition:...Workshop Build an Image-Based Automatic Alert System with Amazon Rekognition:...
Workshop Build an Image-Based Automatic Alert System with Amazon Rekognition:...
 
Add Intelligence to Applications with AWS ML: Machine Learning Workshops SF
Add Intelligence to Applications with AWS ML: Machine Learning Workshops SFAdd Intelligence to Applications with AWS ML: Machine Learning Workshops SF
Add Intelligence to Applications with AWS ML: Machine Learning Workshops SF
 
Innovations and The Cloud
Innovations and The CloudInnovations and The Cloud
Innovations and The Cloud
 
Intro to Object Detection with SSD
Intro to Object Detection with SSDIntro to Object Detection with SSD
Intro to Object Detection with SSD
 
Artificial Intelligence for Developers - OOP Munich
Artificial Intelligence for Developers - OOP MunichArtificial Intelligence for Developers - OOP Munich
Artificial Intelligence for Developers - OOP Munich
 
Using Amazon ML Services for Video Transcription & Translation: Machine Learn...
Using Amazon ML Services for Video Transcription & Translation: Machine Learn...Using Amazon ML Services for Video Transcription & Translation: Machine Learn...
Using Amazon ML Services for Video Transcription & Translation: Machine Learn...
 
AI: State of the Union
AI: State of the UnionAI: State of the Union
AI: State of the Union
 
AI Services and Serverless Workshop
AI Services and Serverless WorkshopAI Services and Serverless Workshop
AI Services and Serverless Workshop
 
Deep Learning Demystified - A (Mostly) Effortless Introduction: AWS Developer...
Deep Learning Demystified - A (Mostly) Effortless Introduction: AWS Developer...Deep Learning Demystified - A (Mostly) Effortless Introduction: AWS Developer...
Deep Learning Demystified - A (Mostly) Effortless Introduction: AWS Developer...
 
Serverless in Action on AWS
Serverless in Action on AWSServerless in Action on AWS
Serverless in Action on AWS
 
Amazon Polly Tips and Tricks: How to Bring Your Text-to-Speech Voices to Life...
Amazon Polly Tips and Tricks: How to Bring Your Text-to-Speech Voices to Life...Amazon Polly Tips and Tricks: How to Bring Your Text-to-Speech Voices to Life...
Amazon Polly Tips and Tricks: How to Bring Your Text-to-Speech Voices to Life...
 
A Gentle Intro to Deep Learning
A Gentle Intro to Deep LearningA Gentle Intro to Deep Learning
A Gentle Intro to Deep Learning
 
Introduction to GluonCV
Introduction to GluonCVIntroduction to GluonCV
Introduction to GluonCV
 
re:Invent re:Cap - An overview of Artificial Intelligence and Machine Learnin...
re:Invent re:Cap - An overview of Artificial Intelligence and Machine Learnin...re:Invent re:Cap - An overview of Artificial Intelligence and Machine Learnin...
re:Invent re:Cap - An overview of Artificial Intelligence and Machine Learnin...
 

Similar to Generative Adversarial Networks (GANs) using Apache MXNet

Moving Forward with AI - as presented at the Prosessipäivät 2018
Moving Forward with AI - as presented at the Prosessipäivät 2018Moving Forward with AI - as presented at the Prosessipäivät 2018
Moving Forward with AI - as presented at the Prosessipäivät 2018Adrian Hornsby
 
MCL205_Introduction to Deep Learning
MCL205_Introduction to Deep LearningMCL205_Introduction to Deep Learning
MCL205_Introduction to Deep LearningAmazon Web Services
 
Building the Organisation of the Future: Leveraging Artificial Intelligence a...
Building the Organisation of the Future: Leveraging Artificial Intelligence a...Building the Organisation of the Future: Leveraging Artificial Intelligence a...
Building the Organisation of the Future: Leveraging Artificial Intelligence a...Amazon Web Services
 
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
 
Building the Business of the Future: Leveraging A.I. and Machine Learning - A...
Building the Business of the Future: Leveraging A.I. and Machine Learning - A...Building the Business of the Future: Leveraging A.I. and Machine Learning - A...
Building the Business of the Future: Leveraging A.I. and Machine Learning - A...Amazon Web Services
 
What is deep learning (and why you should care) - Talk at SJSU Oct 2018
What is deep learning (and why you should care) - Talk at SJSU Oct 2018What is deep learning (and why you should care) - Talk at SJSU Oct 2018
What is deep learning (and why you should care) - Talk at SJSU Oct 2018Hagay Lupesko
 
[AWS Media Symposium 2019] Enhancing your Media Workflows with Amazon Machine...
[AWS Media Symposium 2019] Enhancing your Media Workflows with Amazon Machine...[AWS Media Symposium 2019] Enhancing your Media Workflows with Amazon Machine...
[AWS Media Symposium 2019] Enhancing your Media Workflows with Amazon Machine...Amazon Web Services Korea
 
New way to learn Machine Learning with AWS DeepLens & Daniel ZivKovic
New way to learn Machine Learning with AWS DeepLens & Daniel ZivKovicNew way to learn Machine Learning with AWS DeepLens & Daniel ZivKovic
New way to learn Machine Learning with AWS DeepLens & Daniel ZivKovicDaniel Zivkovic
 
GPSTEC201_Building an Artificial Intelligence Practice for Consulting Partners
GPSTEC201_Building an Artificial Intelligence Practice for Consulting PartnersGPSTEC201_Building an Artificial Intelligence Practice for Consulting Partners
GPSTEC201_Building an Artificial Intelligence Practice for Consulting PartnersAmazon Web Services
 
Amir sadoughi developing large-scale machine learning algorithms on amazon ...
Amir sadoughi   developing large-scale machine learning algorithms on amazon ...Amir sadoughi   developing large-scale machine learning algorithms on amazon ...
Amir sadoughi developing large-scale machine learning algorithms on amazon ...MLconf
 
[AWS Techshift] Innovation and AI/ML Sagemaker Build-in 머신러닝 모델 활용 및 Marketpl...
[AWS Techshift] Innovation and AI/ML Sagemaker Build-in 머신러닝 모델 활용 및 Marketpl...[AWS Techshift] Innovation and AI/ML Sagemaker Build-in 머신러닝 모델 활용 및 Marketpl...
[AWS Techshift] Innovation and AI/ML Sagemaker Build-in 머신러닝 모델 활용 및 Marketpl...Amazon Web Services Korea
 
Introduction to AI/ML with AWS
Introduction to AI/ML with AWSIntroduction to AI/ML with AWS
Introduction to AI/ML with AWSSuman Debnath
 
AI/ML Week: Improve Education Outcomes
AI/ML Week: Improve Education OutcomesAI/ML Week: Improve Education Outcomes
AI/ML Week: Improve Education OutcomesAmazon Web Services
 
AI & Machine Learning at AWS - An Introduction
AI & Machine Learning at AWS - An IntroductionAI & Machine Learning at AWS - An Introduction
AI & Machine Learning at AWS - An IntroductionDaniel Zivkovic
 
Applying Maching Learning to Build Smarter Video Workflows
Applying Maching Learning to Build Smarter Video WorkflowsApplying Maching Learning to Build Smarter Video Workflows
Applying Maching Learning to Build Smarter Video WorkflowsAmazon Web Services
 
Enriching your app with Image recognition and AWS AI services Hebrew Webinar
Enriching your app with Image recognition and AWS AI services Hebrew WebinarEnriching your app with Image recognition and AWS AI services Hebrew Webinar
Enriching your app with Image recognition and AWS AI services Hebrew WebinarBoaz Ziniman
 
AIML Webinar - Improve Education Outcomes
AIML Webinar - Improve Education OutcomesAIML Webinar - Improve Education Outcomes
AIML Webinar - Improve Education OutcomesAmazon Web Services
 
Build Machine Learning Models with Amazon SageMaker (April 2019)
Build Machine Learning Models with Amazon SageMaker (April 2019)Build Machine Learning Models with Amazon SageMaker (April 2019)
Build Machine Learning Models with Amazon SageMaker (April 2019)Julien SIMON
 
Drive digital transformation with AI
Drive digital transformation with AIDrive digital transformation with AI
Drive digital transformation with AIAmazon Web Services
 

Similar to Generative Adversarial Networks (GANs) using Apache MXNet (20)

Moving Forward with AI - as presented at the Prosessipäivät 2018
Moving Forward with AI - as presented at the Prosessipäivät 2018Moving Forward with AI - as presented at the Prosessipäivät 2018
Moving Forward with AI - as presented at the Prosessipäivät 2018
 
MCL205_Introduction to Deep Learning
MCL205_Introduction to Deep LearningMCL205_Introduction to Deep Learning
MCL205_Introduction to Deep Learning
 
Building the Organisation of the Future: Leveraging Artificial Intelligence a...
Building the Organisation of the Future: Leveraging Artificial Intelligence a...Building the Organisation of the Future: Leveraging Artificial Intelligence a...
Building the Organisation of the Future: Leveraging Artificial Intelligence a...
 
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
 
Building the Business of the Future: Leveraging A.I. and Machine Learning - A...
Building the Business of the Future: Leveraging A.I. and Machine Learning - A...Building the Business of the Future: Leveraging A.I. and Machine Learning - A...
Building the Business of the Future: Leveraging A.I. and Machine Learning - A...
 
What is deep learning (and why you should care) - Talk at SJSU Oct 2018
What is deep learning (and why you should care) - Talk at SJSU Oct 2018What is deep learning (and why you should care) - Talk at SJSU Oct 2018
What is deep learning (and why you should care) - Talk at SJSU Oct 2018
 
Moving Forward with AI
Moving Forward with AIMoving Forward with AI
Moving Forward with AI
 
[AWS Media Symposium 2019] Enhancing your Media Workflows with Amazon Machine...
[AWS Media Symposium 2019] Enhancing your Media Workflows with Amazon Machine...[AWS Media Symposium 2019] Enhancing your Media Workflows with Amazon Machine...
[AWS Media Symposium 2019] Enhancing your Media Workflows with Amazon Machine...
 
New way to learn Machine Learning with AWS DeepLens & Daniel ZivKovic
New way to learn Machine Learning with AWS DeepLens & Daniel ZivKovicNew way to learn Machine Learning with AWS DeepLens & Daniel ZivKovic
New way to learn Machine Learning with AWS DeepLens & Daniel ZivKovic
 
GPSTEC201_Building an Artificial Intelligence Practice for Consulting Partners
GPSTEC201_Building an Artificial Intelligence Practice for Consulting PartnersGPSTEC201_Building an Artificial Intelligence Practice for Consulting Partners
GPSTEC201_Building an Artificial Intelligence Practice for Consulting Partners
 
Amir sadoughi developing large-scale machine learning algorithms on amazon ...
Amir sadoughi   developing large-scale machine learning algorithms on amazon ...Amir sadoughi   developing large-scale machine learning algorithms on amazon ...
Amir sadoughi developing large-scale machine learning algorithms on amazon ...
 
[AWS Techshift] Innovation and AI/ML Sagemaker Build-in 머신러닝 모델 활용 및 Marketpl...
[AWS Techshift] Innovation and AI/ML Sagemaker Build-in 머신러닝 모델 활용 및 Marketpl...[AWS Techshift] Innovation and AI/ML Sagemaker Build-in 머신러닝 모델 활용 및 Marketpl...
[AWS Techshift] Innovation and AI/ML Sagemaker Build-in 머신러닝 모델 활용 및 Marketpl...
 
Introduction to AI/ML with AWS
Introduction to AI/ML with AWSIntroduction to AI/ML with AWS
Introduction to AI/ML with AWS
 
AI/ML Week: Improve Education Outcomes
AI/ML Week: Improve Education OutcomesAI/ML Week: Improve Education Outcomes
AI/ML Week: Improve Education Outcomes
 
AI & Machine Learning at AWS - An Introduction
AI & Machine Learning at AWS - An IntroductionAI & Machine Learning at AWS - An Introduction
AI & Machine Learning at AWS - An Introduction
 
Applying Maching Learning to Build Smarter Video Workflows
Applying Maching Learning to Build Smarter Video WorkflowsApplying Maching Learning to Build Smarter Video Workflows
Applying Maching Learning to Build Smarter Video Workflows
 
Enriching your app with Image recognition and AWS AI services Hebrew Webinar
Enriching your app with Image recognition and AWS AI services Hebrew WebinarEnriching your app with Image recognition and AWS AI services Hebrew Webinar
Enriching your app with Image recognition and AWS AI services Hebrew Webinar
 
AIML Webinar - Improve Education Outcomes
AIML Webinar - Improve Education OutcomesAIML Webinar - Improve Education Outcomes
AIML Webinar - Improve Education Outcomes
 
Build Machine Learning Models with Amazon SageMaker (April 2019)
Build Machine Learning Models with Amazon SageMaker (April 2019)Build Machine Learning Models with Amazon SageMaker (April 2019)
Build Machine Learning Models with Amazon SageMaker (April 2019)
 
Drive digital transformation with AI
Drive digital transformation with AIDrive digital transformation with AI
Drive digital transformation with AI
 

More from Apache MXNet

Recent Advances in Natural Language Processing
Recent Advances in Natural Language ProcessingRecent Advances in Natural Language Processing
Recent Advances in Natural Language ProcessingApache MXNet
 
Fine-tuning BERT for Question Answering
Fine-tuning BERT for Question AnsweringFine-tuning BERT for Question Answering
Fine-tuning BERT for Question AnsweringApache MXNet
 
Introduction to GluonNLP
Introduction to GluonNLPIntroduction to GluonNLP
Introduction to GluonNLPApache MXNet
 
Introduction to object tracking with Deep Learning
Introduction to object tracking with Deep LearningIntroduction to object tracking with Deep Learning
Introduction to object tracking with Deep LearningApache MXNet
 
Introduction to Computer Vision
Introduction to Computer VisionIntroduction to Computer Vision
Introduction to Computer VisionApache MXNet
 
Image Segmentation: Approaches and Challenges
Image Segmentation: Approaches and ChallengesImage Segmentation: Approaches and Challenges
Image Segmentation: Approaches and ChallengesApache MXNet
 
Introduction to Deep face detection and recognition
Introduction to Deep face detection and recognitionIntroduction to Deep face detection and recognition
Introduction to Deep face detection and recognitionApache MXNet
 
Deep Learning With Apache MXNet On Video by Ben Taylor @ ziff.ai
Deep Learning With Apache MXNet On Video by Ben Taylor @ ziff.aiDeep Learning With Apache MXNet On Video by Ben Taylor @ ziff.ai
Deep Learning With Apache MXNet On Video by Ben Taylor @ ziff.aiApache MXNet
 
Using Java to deploy Deep Learning models with MXNet
Using Java to deploy Deep Learning models with MXNetUsing Java to deploy Deep Learning models with MXNet
Using Java to deploy Deep Learning models with MXNetApache MXNet
 
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...Apache 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
 
Apache MXNet ODSC West 2018
Apache MXNet ODSC West 2018Apache MXNet ODSC West 2018
Apache MXNet ODSC West 2018Apache MXNet
 
DeepLearning001&ApacheMXNetWithSparkForInference-ACNA2018
DeepLearning001&ApacheMXNetWithSparkForInference-ACNA2018DeepLearning001&ApacheMXNetWithSparkForInference-ACNA2018
DeepLearning001&ApacheMXNetWithSparkForInference-ACNA2018Apache MXNet
 
Apache MXNet EcoSystem - ACNA2018
Apache MXNet EcoSystem - ACNA2018Apache MXNet EcoSystem - ACNA2018
Apache MXNet EcoSystem - ACNA2018Apache MXNet
 
ONNX and Edge Deployments
ONNX and Edge DeploymentsONNX and Edge Deployments
ONNX and Edge DeploymentsApache MXNet
 
Distributed Inference with MXNet and Spark
Distributed Inference with MXNet and SparkDistributed Inference with MXNet and Spark
Distributed Inference with MXNet and SparkApache MXNet
 
Multivariate Time Series
Multivariate Time SeriesMultivariate Time Series
Multivariate Time SeriesApache MXNet
 
AI On the Edge: Model Compression
AI On the Edge: Model CompressionAI On the Edge: Model Compression
AI On the Edge: Model CompressionApache MXNet
 
Building Content Recommendation Systems using MXNet Gluon
Building Content Recommendation Systems using MXNet GluonBuilding Content Recommendation Systems using MXNet Gluon
Building Content Recommendation Systems using MXNet GluonApache MXNet
 
Game Playing RL Agent
Game Playing RL AgentGame Playing RL Agent
Game Playing RL AgentApache MXNet
 

More from Apache MXNet (20)

Recent Advances in Natural Language Processing
Recent Advances in Natural Language ProcessingRecent Advances in Natural Language Processing
Recent Advances in Natural Language Processing
 
Fine-tuning BERT for Question Answering
Fine-tuning BERT for Question AnsweringFine-tuning BERT for Question Answering
Fine-tuning BERT for Question Answering
 
Introduction to GluonNLP
Introduction to GluonNLPIntroduction to GluonNLP
Introduction to GluonNLP
 
Introduction to object tracking with Deep Learning
Introduction to object tracking with Deep LearningIntroduction to object tracking with Deep Learning
Introduction to object tracking with Deep Learning
 
Introduction to Computer Vision
Introduction to Computer VisionIntroduction to Computer Vision
Introduction to Computer Vision
 
Image Segmentation: Approaches and Challenges
Image Segmentation: Approaches and ChallengesImage Segmentation: Approaches and Challenges
Image Segmentation: Approaches and Challenges
 
Introduction to Deep face detection and recognition
Introduction to Deep face detection and recognitionIntroduction to Deep face detection and recognition
Introduction to Deep face detection and recognition
 
Deep Learning With Apache MXNet On Video by Ben Taylor @ ziff.ai
Deep Learning With Apache MXNet On Video by Ben Taylor @ ziff.aiDeep Learning With Apache MXNet On Video by Ben Taylor @ ziff.ai
Deep Learning With Apache MXNet On Video by Ben Taylor @ ziff.ai
 
Using Java to deploy Deep Learning models with MXNet
Using Java to deploy Deep Learning models with MXNetUsing Java to deploy Deep Learning models with MXNet
Using Java to deploy Deep Learning models with MXNet
 
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...
 
MXNet Paris Workshop - Intro To MXNet
MXNet Paris Workshop - Intro To MXNetMXNet Paris Workshop - Intro To MXNet
MXNet Paris Workshop - Intro To MXNet
 
Apache MXNet ODSC West 2018
Apache MXNet ODSC West 2018Apache MXNet ODSC West 2018
Apache MXNet ODSC West 2018
 
DeepLearning001&ApacheMXNetWithSparkForInference-ACNA2018
DeepLearning001&ApacheMXNetWithSparkForInference-ACNA2018DeepLearning001&ApacheMXNetWithSparkForInference-ACNA2018
DeepLearning001&ApacheMXNetWithSparkForInference-ACNA2018
 
Apache MXNet EcoSystem - ACNA2018
Apache MXNet EcoSystem - ACNA2018Apache MXNet EcoSystem - ACNA2018
Apache MXNet EcoSystem - ACNA2018
 
ONNX and Edge Deployments
ONNX and Edge DeploymentsONNX and Edge Deployments
ONNX and Edge Deployments
 
Distributed Inference with MXNet and Spark
Distributed Inference with MXNet and SparkDistributed Inference with MXNet and Spark
Distributed Inference with MXNet and Spark
 
Multivariate Time Series
Multivariate Time SeriesMultivariate Time Series
Multivariate Time Series
 
AI On the Edge: Model Compression
AI On the Edge: Model CompressionAI On the Edge: Model Compression
AI On the Edge: Model Compression
 
Building Content Recommendation Systems using MXNet Gluon
Building Content Recommendation Systems using MXNet GluonBuilding Content Recommendation Systems using MXNet Gluon
Building Content Recommendation Systems using MXNet Gluon
 
Game Playing RL Agent
Game Playing RL AgentGame Playing RL Agent
Game Playing RL Agent
 

Recently uploaded

Unleash Your Potential - Namagunga Girls Coding Club
Unleash Your Potential - Namagunga Girls Coding ClubUnleash Your Potential - Namagunga Girls Coding Club
Unleash Your Potential - Namagunga Girls Coding ClubKalema Edgar
 
Scanning the Internet for External Cloud Exposures via SSL Certs
Scanning the Internet for External Cloud Exposures via SSL CertsScanning the Internet for External Cloud Exposures via SSL Certs
Scanning the Internet for External Cloud Exposures via SSL CertsRizwan Syed
 
SIEMENS: RAPUNZEL – A Tale About Knowledge Graph
SIEMENS: RAPUNZEL – A Tale About Knowledge GraphSIEMENS: RAPUNZEL – A Tale About Knowledge Graph
SIEMENS: RAPUNZEL – A Tale About Knowledge GraphNeo4j
 
Pigging Solutions Piggable Sweeping Elbows
Pigging Solutions Piggable Sweeping ElbowsPigging Solutions Piggable Sweeping Elbows
Pigging Solutions Piggable Sweeping ElbowsPigging Solutions
 
Install Stable Diffusion in windows machine
Install Stable Diffusion in windows machineInstall Stable Diffusion in windows machine
Install Stable Diffusion in windows machinePadma Pradeep
 
Understanding the Laravel MVC Architecture
Understanding the Laravel MVC ArchitectureUnderstanding the Laravel MVC Architecture
Understanding the Laravel MVC ArchitecturePixlogix Infotech
 
Bluetooth Controlled Car with Arduino.pdf
Bluetooth Controlled Car with Arduino.pdfBluetooth Controlled Car with Arduino.pdf
Bluetooth Controlled Car with Arduino.pdfngoud9212
 
Snow Chain-Integrated Tire for a Safe Drive on Winter Roads
Snow Chain-Integrated Tire for a Safe Drive on Winter RoadsSnow Chain-Integrated Tire for a Safe Drive on Winter Roads
Snow Chain-Integrated Tire for a Safe Drive on Winter RoadsHyundai Motor Group
 
Bun (KitWorks Team Study 노별마루 발표 2024.4.22)
Bun (KitWorks Team Study 노별마루 발표 2024.4.22)Bun (KitWorks Team Study 노별마루 발표 2024.4.22)
Bun (KitWorks Team Study 노별마루 발표 2024.4.22)Wonjun Hwang
 
Human Factors of XR: Using Human Factors to Design XR Systems
Human Factors of XR: Using Human Factors to Design XR SystemsHuman Factors of XR: Using Human Factors to Design XR Systems
Human Factors of XR: Using Human Factors to Design XR SystemsMark Billinghurst
 
My Hashitalk Indonesia April 2024 Presentation
My Hashitalk Indonesia April 2024 PresentationMy Hashitalk Indonesia April 2024 Presentation
My Hashitalk Indonesia April 2024 PresentationRidwan Fadjar
 
Kotlin Multiplatform & Compose Multiplatform - Starter kit for pragmatics
Kotlin Multiplatform & Compose Multiplatform - Starter kit for pragmaticsKotlin Multiplatform & Compose Multiplatform - Starter kit for pragmatics
Kotlin Multiplatform & Compose Multiplatform - Starter kit for pragmaticsAndrey Dotsenko
 
Advanced Test Driven-Development @ php[tek] 2024
Advanced Test Driven-Development @ php[tek] 2024Advanced Test Driven-Development @ php[tek] 2024
Advanced Test Driven-Development @ php[tek] 2024Scott Keck-Warren
 
CloudStudio User manual (basic edition):
CloudStudio User manual (basic edition):CloudStudio User manual (basic edition):
CloudStudio User manual (basic edition):comworks
 
Unlocking the Potential of the Cloud for IBM Power Systems
Unlocking the Potential of the Cloud for IBM Power SystemsUnlocking the Potential of the Cloud for IBM Power Systems
Unlocking the Potential of the Cloud for IBM Power SystemsPrecisely
 
Automating Business Process via MuleSoft Composer | Bangalore MuleSoft Meetup...
Automating Business Process via MuleSoft Composer | Bangalore MuleSoft Meetup...Automating Business Process via MuleSoft Composer | Bangalore MuleSoft Meetup...
Automating Business Process via MuleSoft Composer | Bangalore MuleSoft Meetup...shyamraj55
 
Transcript: New from BookNet Canada for 2024: BNC BiblioShare - Tech Forum 2024
Transcript: New from BookNet Canada for 2024: BNC BiblioShare - Tech Forum 2024Transcript: New from BookNet Canada for 2024: BNC BiblioShare - Tech Forum 2024
Transcript: New from BookNet Canada for 2024: BNC BiblioShare - Tech Forum 2024BookNet Canada
 

Recently uploaded (20)

Unleash Your Potential - Namagunga Girls Coding Club
Unleash Your Potential - Namagunga Girls Coding ClubUnleash Your Potential - Namagunga Girls Coding Club
Unleash Your Potential - Namagunga Girls Coding Club
 
Scanning the Internet for External Cloud Exposures via SSL Certs
Scanning the Internet for External Cloud Exposures via SSL CertsScanning the Internet for External Cloud Exposures via SSL Certs
Scanning the Internet for External Cloud Exposures via SSL Certs
 
SIEMENS: RAPUNZEL – A Tale About Knowledge Graph
SIEMENS: RAPUNZEL – A Tale About Knowledge GraphSIEMENS: RAPUNZEL – A Tale About Knowledge Graph
SIEMENS: RAPUNZEL – A Tale About Knowledge Graph
 
Pigging Solutions Piggable Sweeping Elbows
Pigging Solutions Piggable Sweeping ElbowsPigging Solutions Piggable Sweeping Elbows
Pigging Solutions Piggable Sweeping Elbows
 
Install Stable Diffusion in windows machine
Install Stable Diffusion in windows machineInstall Stable Diffusion in windows machine
Install Stable Diffusion in windows machine
 
Understanding the Laravel MVC Architecture
Understanding the Laravel MVC ArchitectureUnderstanding the Laravel MVC Architecture
Understanding the Laravel MVC Architecture
 
Bluetooth Controlled Car with Arduino.pdf
Bluetooth Controlled Car with Arduino.pdfBluetooth Controlled Car with Arduino.pdf
Bluetooth Controlled Car with Arduino.pdf
 
Snow Chain-Integrated Tire for a Safe Drive on Winter Roads
Snow Chain-Integrated Tire for a Safe Drive on Winter RoadsSnow Chain-Integrated Tire for a Safe Drive on Winter Roads
Snow Chain-Integrated Tire for a Safe Drive on Winter Roads
 
Bun (KitWorks Team Study 노별마루 발표 2024.4.22)
Bun (KitWorks Team Study 노별마루 발표 2024.4.22)Bun (KitWorks Team Study 노별마루 발표 2024.4.22)
Bun (KitWorks Team Study 노별마루 발표 2024.4.22)
 
Human Factors of XR: Using Human Factors to Design XR Systems
Human Factors of XR: Using Human Factors to Design XR SystemsHuman Factors of XR: Using Human Factors to Design XR Systems
Human Factors of XR: Using Human Factors to Design XR Systems
 
My Hashitalk Indonesia April 2024 Presentation
My Hashitalk Indonesia April 2024 PresentationMy Hashitalk Indonesia April 2024 Presentation
My Hashitalk Indonesia April 2024 Presentation
 
Kotlin Multiplatform & Compose Multiplatform - Starter kit for pragmatics
Kotlin Multiplatform & Compose Multiplatform - Starter kit for pragmaticsKotlin Multiplatform & Compose Multiplatform - Starter kit for pragmatics
Kotlin Multiplatform & Compose Multiplatform - Starter kit for pragmatics
 
DMCC Future of Trade Web3 - Special Edition
DMCC Future of Trade Web3 - Special EditionDMCC Future of Trade Web3 - Special Edition
DMCC Future of Trade Web3 - Special Edition
 
Advanced Test Driven-Development @ php[tek] 2024
Advanced Test Driven-Development @ php[tek] 2024Advanced Test Driven-Development @ php[tek] 2024
Advanced Test Driven-Development @ php[tek] 2024
 
The transition to renewables in India.pdf
The transition to renewables in India.pdfThe transition to renewables in India.pdf
The transition to renewables in India.pdf
 
CloudStudio User manual (basic edition):
CloudStudio User manual (basic edition):CloudStudio User manual (basic edition):
CloudStudio User manual (basic edition):
 
Unlocking the Potential of the Cloud for IBM Power Systems
Unlocking the Potential of the Cloud for IBM Power SystemsUnlocking the Potential of the Cloud for IBM Power Systems
Unlocking the Potential of the Cloud for IBM Power Systems
 
Automating Business Process via MuleSoft Composer | Bangalore MuleSoft Meetup...
Automating Business Process via MuleSoft Composer | Bangalore MuleSoft Meetup...Automating Business Process via MuleSoft Composer | Bangalore MuleSoft Meetup...
Automating Business Process via MuleSoft Composer | Bangalore MuleSoft Meetup...
 
Hot Sexy call girls in Panjabi Bagh 🔝 9953056974 🔝 Delhi escort Service
Hot Sexy call girls in Panjabi Bagh 🔝 9953056974 🔝 Delhi escort ServiceHot Sexy call girls in Panjabi Bagh 🔝 9953056974 🔝 Delhi escort Service
Hot Sexy call girls in Panjabi Bagh 🔝 9953056974 🔝 Delhi escort Service
 
Transcript: New from BookNet Canada for 2024: BNC BiblioShare - Tech Forum 2024
Transcript: New from BookNet Canada for 2024: BNC BiblioShare - Tech Forum 2024Transcript: New from BookNet Canada for 2024: BNC BiblioShare - Tech Forum 2024
Transcript: New from BookNet Canada for 2024: BNC BiblioShare - Tech Forum 2024
 

Generative Adversarial Networks (GANs) using Apache MXNet

  • 1. © 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark Generative Adversarial Networks(GANs) using Apache MXNet Vandana Kannan Amazon AI
  • 2. © 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark Agenda • Introduction to AI and neural networks • Convolutional neural network (CNN) • How GANs work • Demo • GANs in recent years • Tools that you can use
  • 3. © 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark Brief Intro to Deep Learning AI Machine Learning Deep Learning Can machines think? Can machines do what we can? (Turing, 1950) Machine Learning Data Answers Rules Traditional Programming Data Rules Answers Credits: Hagay Lupesko
  • 4. © 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark It has a growing impact on our lives Personalization Robotics Voice Autonomous Vehicles Deep Learning is a Big Deal Credits: Hagay Lupesko
  • 5. © 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark M L F R A M E W O R K S & I N F R A S T R U C T U R E A I S E R V I C E S R E K O G N I T I O N I M A G E P O L L Y T R A N S C R I B E T R A N S L A T E C O M P R E H E N D L E XR E K O G N I T I O N V I D E O Vision Speech Language Chatbots A M A Z O N S A G E M A K E R B U I L D T R A I N F O R E C A S T Forecasting T E X T R A C T P E R S O N A L I Z E Recommendations D E P L O Y Pre-built algorithms & notebooks Data labeling (G R O U N D T R U T H ) One-click model training & tuning Optimization (N E O ) One-click deployment & hosting M L S E R V I C E S F r a m e w o r k s I n t e r f a c e s I n f r a s t r u c t u r e E C 2 P 3 & P 3 N E C 2 C 5 F P G A s G R E E N G R A S S E L A S T I C I N F E R E N C E Reinforcement learningAlgorithms & models ( A W S M A R K E T P L A C E F O R M A C H I N E L E A R N I N G )
  • 6. © 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark Ref: https://towardsdatascience.com/multi-layer-neural-networks-with- sigmoid-function-deep-learning-for-rookies-2-bf464f09eb7f Perceptrons Ref: https://harishnarayanan.org/writing/artistic-style-transfer/
  • 7. © 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark The “Deep” in Deep Learning Introducing hidden layers
  • 8. © 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark The “Learning” in Deep Learning Forward Pass Backwards Pass Input Data Neural Network Inference Loss Back Propagate Update Weights Backwards Pass is where the magic of learning happens, leveraging Gradient Descent.
  • 9. © 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark Multi-Layer Perceptrons and Images Ref: https://medium.com/@ageitgey/machine-learning-is-fun-part-3-deep- learning-and-convolutional-neural-networks-f40359318721
  • 10. © 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark Can it handle positional changes? Ref: https://medium.com/@ageitgey/machine-learning-is-fun-part-3-deep- learning-and-convolutional-neural-networks-f40359318721 Option 1: Use a sliding window to find an ‘8’
  • 11. © 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark Ref: https://medium.com/@ageitgey/machine-learning-is-fun-part-3-deep- learning-and-convolutional-neural-networks-f40359318721 Option 2: Feed input data containing all possible positions
  • 12. © 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark And then… Make the network bigger
  • 13. © 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark Convolution to the rescue! What we humans see • The ground is covered in grass and concrete • There is a child • The child is sitting on a bouncy horse • The bouncy horse is on top of the grass Ref: https://medium.com/@ageitgey/machine-learning-is-fun-part-3- deep-learning-and-convolutional-neural-networks-f40359318721
  • 14. © 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark Ref: https://medium.com/@ageitgey/machine-learning-is-fun-part-3-deep-learning-and-convolutional- neural-networks-f40359318721
  • 15. © 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark
  • 16. © 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark Ref: https://medium.com/@ageitgey/machine-learning-is-fun-part-3-deep-learning-and-convolutional- neural-networks-f40359318721
  • 17. © 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark Ref: https://medium.com/@ageitgey/machine-learning-is-fun-part-3-deep-learning-and-convolutional- neural-networks-f40359318721
  • 18. © 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark Recap… • Intro to AI • Intro to Neural Networks • Intro to CNNs
  • 19. © 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark Types of Learning Types of learning Supervised Unsupervised Reinforcement • Lots of data • Provide results • Learn by comparison • Lots of data • No results • Learn from data • Learn from the environment • Provide feedback to action
  • 20. © 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark GAN – an introduction • Generative model • Learns from data • 2 neural networks compete • Created by Ian Goodfellow et al. in 2014 https://arxiv.org/abs/1406.2661
  • 21. © 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark Intuition behind GANs GENERATOR (G) DISCRIMINATOR (D) Image source: https://myfunnymemes.com/batman-studies-some-counterfeit-money-in-the-classic-cartoon/ https://66.media.tumblr.com/cbbf65f8c932442f6ebcfd87e73ea64e/tumblr_p8srhg55k81u25kiio2_500.gif
  • 22. © 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark Real/FakeD GRandom Numbers Ref: https://medium.com/@ageitgey/abusing-generative- adversarial-networks-to-make-8-bit-pixel-art-e45d9b96cee7
  • 23. © 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark Training GANs Iteration 1: D & G are dumb GRandom Numbers REAL!!D Ref: https://medium.com/@ageitgey/abusing-generative- adversarial-networks-to-make-8-bit-pixel-art-e45d9b96cee7
  • 24. © 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark Iteration n: D & G start to learn some features GRandom Numbers FAKE!!D Keep training D & G till they become experts…
  • 25. © 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark DCGAN When D & G are CNNs… Real/Fake Random input Real Image Fake image
  • 26. © 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark DCGAN: Implementation walkthrough https://github.com/vandanavk/mxnet-gluon- gan/blob/dcgan/dcgan/dcgan.ipynb
  • 27. © 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark Other GANs StackGAN Text to image synthesis Ref: https://arxiv.org/pdf/1612.03242.pdf
  • 28. © 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark CycleGAN Ref: https://arxiv.org/pdf/1703.10593.pdf Image domain transfer
  • 29. © 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark SRGAN Image Super-resolution Ref: https://arxiv.org/abs/1609.04802
  • 30. © 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark 3D-GAN 3D reconstruction from images Ref: http://3dgan.csail.mit.edu/papers/3dgan_nips.pdf
  • 31. © 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark StyleGAN Learn attributes and styles Ref: https://thispersondoesnotexist.com/
  • 32. © 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark Some more info on GANs List of named GANs https://github.com/hindupuravinash/the-gan-zoo How to load a pre-trained GAN (stored as MXNet .params file): https://mxnet.incubator.apache.org/versions/master/tutorials/gluon/info_gan.ht ml Tips & tricks for training GANs: https://github.com/soumith/ganhacks, https://medium.com/@utk.is.here/keep-calm-and-train-a-gan-pitfalls-and-tips- on-training-generative-adversarial-networks-edd529764aa9 Gluon Model Zoo: http://mxnet.apache.org/api/python/gluon/model_zoo.html
  • 33. © 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark How to Get Started with Apache MXNet https://d2l.ai/ http://mxnet.incubator.apache.org/
  • 34. © 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark Apache MXNet Social YouTube: /apachemxnet Twitter: @apachemxnet Reddit: r/mxnet Medium: /apache-mxnet
  • 35. © 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark Resources/References • Apache MXNet – Flexible and efficient deep learning. • https://github.com/apache/incubator-mxnet • Apache MXNet Gluon Tutorials • The Deep Learning Book • MXNet – Using pre-trained models • Amazon Elastic MapReduce • https://medium.com/apache-mxnet • https://twitter.com/apachemxnet
  • 36. © 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark How to Get Started with Apache MXNet on AWS • Get started withApache MXNet on AWS: https://aws.amazon.com/mxnet/get-started/ • UsingApache MXNet withAmazon SageMaker: https://docs.aws.amazon.com/sagemaker/latest/dg/mxnet.html • Contact: mxnet-info@amazon.com
  • 37. © 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark Using Apache MXNet with AWS ML Services • Amazon SageMaker: https://aws.amazon.com/sagemaker/ • Amazon SageMaker Neo: https://aws.amazon.com/sagemaker/neo/ • Amazon Elastic Inference: https://aws.amazon.com/machine-learning/elastic-inference/ • Amazon Reinforcement Learning: https://aws.amazon.com/about-aws/whats-new/2018/11/amazon- sagemaker-announces-support-for-reinforcement-learning/ • AWS IoT Greengrass ML Inference: https://aws.amazon.com/greengrass/ml/ • DynamicTraining withApache MXNet on AWS: https://aws.amazon.com/about-aws/whats- new/2018/11/introducing-dynamic-training-with-apache-mxnet/
  • 38. © 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark References for the demo Datasets: • Classrooms: https://www.yf.io/p/lsun • Flowers: http://www.robots.ox.ac.uk/~vgg/data/flowers/102/index.html • Cartoons: https://google.github.io/cartoonset/download.html • Faces: http://vis-www.cs.umass.edu/lfw/ Papers/websites: • DCGAN paper: https://arxiv.org/pdf/1511.06434.pdf • Gluon- The Straight Dope: https://github.com/zackchase/mxnet-the-straight- dope/blob/master/chapter14_generative-adversarial-networks/dcgan.ipynb • Introduction to Generative Adversarial Networks (GAN) with Apache MXNet - AWS Online Tech Talks: https://www.youtube.com/watch?reload=9&v=4fQRoBz0BnM • Machine Learning is Fun Part 7: Abusing Generative Adversarial Networks to Make 8-bit Pixel Art: https://medium.com/@ageitgey/abusing-generative-adversarial-networks-to-make-8-bit-pixel-art- e45d9b96cee7 • Keep Calm and train a GAN. Pitfalls and Tips on training Generative Adversarial Networks: https://medium.com/@utk.is.here/keep-calm-and-train-a-gan-pitfalls-and-tips-on-training-generative- adversarial-networks-edd529764aa9
  • 39. © 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark Summary • Intro to AI • Intro to Neural Networks • Intro to CNNs • Intro to GANs with an example of DCGAN • Other GANs • Getting started with Apache MXNet & Amazon Sagemaker
  • 40. © 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark Thank you!!!
  • 41. © 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark Apache MXNet - Background • Apache (incubating) open source project • Framework for building and training DNNs • Created by academia (CMU and UW) • Adopted byAWS as DNN framework of choice, Nov 2016 https://mxnet.incubator.apache.org/
  • 42. © 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark Multi-language Support C++ C++ ClojureJuliaPerlR ScalaPython Frontend Backend While keeping high performance from efficient backend Java
  • 43. © 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark Deep Learning Acceleration CUDA & CuDNN MKL, MKLML & MKLDNN pip install mxnet-cu92 pip install mxnet-mkl TensorRT pip install mxnet-tensorrt-cu92
  • 44. © 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark Apache MXNet Ecosystem MXBoard Model Server GluonCV GluonNLP ONNX Model Zoo eras TensorRT TVM
  • 45. © 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark Apache MXNet Customer Momentum
  • 46. © 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark Amazon SageMaker A fully-managed platform that provides a quick and easy way to get models from idea to production. https://aws.amazon.com/sagemaker/
  • 47. © 2017, Amazon Web Services, Inc. or its Affiliates. All rights reserved.© 2019, Amazon Web Services, Inc. or its Affiliates. All rights reserved. Amazon Trademark Amazon SageMaker Workflow Amazon’s fast, scalable algorithms Distributed TensorFlow, Apache MXNet, Chainer, PyTorch Bring your own algorithm Hyperparameter Tuning Building HostingTraining

Editor's Notes

  1. Let’s start with AI. AI is an active research area dating back to at least the 50s if not earlier. Investigating the various aspects of enabling machines to mimic, and surpass, human intelligence. Alan Turing, a computing pioneer, calibrated the essence of AI by moving from the philosophical question “can machines think” to a more relevant question “can machines do what us humans can?” ML is a subset of AI, and is really a different programming paradigm. Traditional programming, that is mostly taught at schools, is about us humans programming rules, and the machine executing these rules on data to provide answers. ML is taking in data and answers, and constructs the rules by itself. This is closer to how humans learn from experience. So ML is the set of techniques that enables machines to learn rules from data, without being explicitly programmed. ML is really an umbrella term that includes algorithms like decision trees, SVM and also neural networks. This takes us to Deep Learning. DL is a subset of ML, a technique inspired by the human brain – or neurons to be more exact – that uses interconnected artificial neurons to learn from samples.
  2. Deep Learning has a wide variety of applications, some of which we use everyday. We see personalized movie recommendations on Netflix, product recommendations on Amazon, personalized ads etc. We make use of robots too – robo vacuums at home. Fulfillment centers make use of these robots to move boxes around. We have voice assistants such as Alexa, Siri, Google assistant etc. And we have drones and self-driving cars too! All of these run on AI/Deep Learning!
  3. We see the Machine Learning stack having three key layers. ML Frameworks: The bottom layer is for expert machine learning practitioners—researchers and developers. These are people who are comfortable building models, tuning models, training models, figuring out how to deploy into production, and manage them themselves. And the vast majority of machine learning in the cloud today at this layer is being down through Amazon SageMaker which provides a managed experience for frameworks, or the AWS Deep Learning AMI that we built that effectively embeds all the major frameworks. Infrastructure: AWS offers a broad array of compute options for training and inference with powerful GPU-based instances, compute and memory optimized instances, and even FPGAs. Our P3 instances provide up to 14 times better performance than previous-generation Amazon EC2 GPU compute instances. C5 instances offer higher memory to vCPU ratio and deliver 25% improvement in price/performance compared to C4 instances, and are ideal for demanding inference applications.  We also have Amazon EC2 F1, a compute instance with field programmable gate arrays (FPGAs) that you can program to create custom hardware accelerations for your machine learning applications. F1 instances are easy to program and come with everything you need to develop, simulate, debug, and compile your hardware acceleration code. You can reuse your designs as many times, and across as many F1 instances as you like. The new Amazon EC2 P3dn instance has four-times the networking bandwidth and twice the GPU memory of the largest P3 instance, P3dn is ideal for large scale distributed training. No one else has anything close. P3dn.24xlarge instances offer 96vCPUs of Intel Skylake processors to reduce preprocessing time of data required for machine learning training. The enhanced networking of the P3n instance allows GPUs to be used more efficiently in multi-node configurations so training jobs complete faster. Finally, the extra GPU memory allows developers to easily handle more advanced machine learning models such as holding and processing multiple batches of 4k images for image classification and object detection systems ML Services: But, if you want to enable most enterprises and companies to be able to scale machine learning, we’ve solved that problem for organizations by making ML accessible for everyday developers and scientists. Amazon SageMaker removes the heavy lifting, complexity, and guesswork from each step of the machine learning process. SageMaker makes model building and training easier by providing pre-built development notebooks, popular machine learning algorithms optimized for petabyte-scale datasets, and automatic model tuning, enabling developers to build, train, and deploy models in a single click. SageMaker is already helping thousands of developers easily get started with building, training, and deploying models.  AI Services: At the top layer are AI services which are ready-made for all developers—no ML skills. For example, customers say here is an object, tell me what's in it, or here's a face, tell me if it's part of this facial group using Amazon Rekognition Or let me translate text to speech using Amazon Polly Or let’s build conversational apps with Amazon Lex. Convert speech to text with Amazon Transcribe Translate text between languages using Amazon Translate Understand relationships and find insights from unstructured text using Amazon Comprehend
  4. Let’s start with the basics of Neural networks. The fundamental unit of a neural network is a perceptron. It is just one layer of a neural network which takes some numbers as input and gives one output. For example, say you want to ask the neural network to tell you if you should buy a particular house. You would have different criteria such as price, sq.ft., neighborhood etc. And you would give certain weightage to each of these. A perceptron would multiply the input values with weight, sum them up and pass it through an activation function. You would also set a threshold – if the resultant value is above a certain value, You would buy the house or vice versa. This activation function would compare the result value with this threshold and give you a 1 or 0 output. This neural network is the simplest version and is not suitable for complex applications.
  5. So we introduce deep neural networks/ deep learning. This was done by introducing multiple layers in between the input and output called hidden layers.
  6. We need the neural network to learn from the information that we give it. With the forward pass, the network just does some computation on the input data and gives an output (inference). This output may be correct/wrong. If it is wrong, we need a feedback mechanism to tell the network about its mistakes and make it learn from it. The loss function helps us do this. Given information about the correct answer, the network can compare its prediction, find out the loss and go back and learn/correct the weights of the network. This is what happens in the back propagation step and update weights.
  7. Say, you now want to give an image as input. After all, images are numbers. In this example, you want your network to detect if the number in the image is an 8 or not. You train your network on images such as this where 8 is at the center. What happens if 8 is in a different position – the top, bottom, left or right?
  8. As a brute force approach, you could use a sliding window and scan the image until an 8 fits into your box. But what if the box size doesn’t fit?
  9. Another option would be to create a huge dataset with 8s in all possible positions and train the network. This is going to be a lot of data!
  10. Maybe use a bigger network for the huge dataset. But this isn’t the smartest way to process images.
  11. Here’s where convolution helps. When we look at this picture, our brain can automatically identify the child and bouncy horse. How can we get the network to identify this?
  12. We first divide the image into tiles, pass each tile to a network (each tile is processed by the same network with the same weights) to give some numbers as output.
  13. We repeat this process for every tile and get an output, which is still huge (even though it may be smaller in dimension than the original Image). So we make use of a process called Pooling to downscale, in which a representative is picked from a group. We could either pick a max value, min value or average value (Max pooling, Min pooling, Average pooling).
  14. We can repeat convolution+pooling steps any number of times, learning new features from data at every step. Finally we add full connected layers before we get a classification output. This is what a CNN is.
  15. In papers, you might come across something like this to represent CNNs.
  16. Before we start with GAN, we need to understand types of learning based on where the network learns from. In supervised learning, you provide the model, a lot of data and the correct answers to the data so that while learning, the model can compare its prediction with the correct answer provides, to learn from mistakes and do a course correction. In unsupervised learning, you provide the model with a lot of data but don’t give it a correct answer. It is upto the model to learn the patterns in the data and come up with an answer. In reinforcement learning, which is used in games and autonomous vehicles, the model learns through trials and error. It takes an action and is rewarded and punished for that action. The models makes further moves to maximize rewards.
  17. GAN is a generative model where it learns from data and tries to generate something new after understanding the patterns in data. Usually we make use of 1 neural network for our task, but GAN make use of 2 networks that fight against each other 2 win.
  18. The 2 neural networks are called Generator and Discriminator. The task of the Generator is to learn from the data and generate new content that is similar to the data distribution that it has learnt. The task of the Discriminator is to be able to successfully differentiate between data that’s coming from the real dataset and fake data that is coming from the Generator. Both of them aim to be better than the other to do their job. They are adversaries. Lets take an example, here you have the Penguin who is a Generator – generating counterfeit cash. And you have Batman, who is the Discriminator – detecting if a bill is real or fake.
  19. The Generator creates new cash from random numbers The Discriminator is fed 2 types of inputs to learn – one from real data (cash here) and one from the counterfeit cash from the Generator.
  20. At the beginning, both D and G are dumb. Both of them don’t know what cash looks like. So in the early stages, if G produces a bill with “Real Money” written on it, D thinks its real
  21. As training goes on, both of them learn new things about cash. For example, they realize that there is a face on a bill. So, now D is able to detect an image with “Real Money” written on it, as fake. And G has learnt to produce images with a face on it. As we keep training D & G, it is expected that both of them become experts at their job. G at creating fake images. D at detecting real vs fake.
  22. Since D and G are neural network after all, we can plug in different networks in its place. In 2015, researchers introduced DCGAN which has CNNs as the network for the Discriminator and Generator. Lets say, we are generating new images of flowers. G generates a fame image of a flower (it has learnt that it has to be something yellow). D tries to correctly detect the generated image as fake, based on what it has learnt from images of real flowers. How do we give D & G feedback about their performance? If D makes a mistake by classifying a real flower as fake or a fake flower as real, then the backward loop will update the weights of D. If G makes a mistake by generating a flower image which fails D’s test (is detected as fake), feedback is provided for it to generate better images.
  23. Please contact mxnet-info@amazon.com if you would like more information about you can get started with MXNet for your applications.