SlideShare a Scribd company logo
GENERATIVE ADVERSARIAL NETWORKS
by
Mustafa Yagmur, Gregorio Nuevo Castro
Dimitris Katsios, Suzana Ilic, Alisher Abdulkhaev,
Basic Intuition and Applications
RoadMap
Generative Models
• Generative vs Discriminative
Generative Adversarial Networks
• Basic Framework
• Loss
• Training
• Challenges
Some Applications
Generative Models
Learn how to manipulate features
Discriminative Generative
Learn about a decision boundary between classes
Figure Source : https://datawarrior.wordpress.com/2016/05/08/generative-discriminative-pairs/
classify, discriminate, differentiate, label generate new samples: new media, new music , new text
Naïve Bayes , Hidden Markov models , Gaussian mixtures , Boltzman
Machines , Variational Autoencoders , Generative Adversarial Networks
Traditional Neural Networks , SVMs , Logistic
regression ,Nearest neighbors , Random Forests
Generative
Model
Discriminative
Model
Generative
Model
Discriminative
Model
Make me a movie with..
Make me a video with..
Make me a picture with..
Make me a soundtrack with..
Make me a room with..
Make me a video game with..
% 100 machine generated life
What is Exciting !
Image : techcrunch.com/Magic Pony
Image : MIT Tech Review
https://www.wired.com/story/ai-filmmaker-zone-out/
What does Generative Models do?
generate a model distribution which close to true distribution
model distribution target distribution target
model
target
model
Earlier attempt Latest attempt
pdf pdf
Basic Generation Process
Encoder Decoder
Latent Features
Neural Network Neural Network
Do tricky operations
on latent space
VAE
What if a deep network used to judge the
generation process and give feedback on
generated images
Novel Idea : Adversarial Training
Since deep networks are very successful to recognize
images like cat and dog,
Generation Process
External Judger
Generative Adversarial Networks
everything starts from a simple random
noise..
Generative
Model
Random numbers
Z : Random Noise
R : Real samples
G : Generator
D Discriminator
Basic Framework
Z
R
Switch Train
Source : https://www.kdnuggets.com/2017/01/generative-adversarial-networks-hot-topic-machine-learning.html
G: Generator
D: Discriminator
R: Real
Mutual Learning
Bad counterfeit
Mutual Learning
G: Generator
D: Detective
R: Real
Better counterfeit
D(x)
x
More on the Framework
Probability distribution of x
Discriminator
D(G(z))
G(z)
z
Probability
distribution
(logits) of G of z
Generated fake image
Generator Discriminator
D(G(z))
G(z)
z
More on the Framework
Probability
distribution
(logits) of G of z
Generated fake image
Generator Discriminator
D(x)
Probability distribution of x
Discriminator
Logits : Dx , Labels :1
Logits : Dg , Labels : 0
D_loss_real (Dx , ones) D_loss_fake (Dg , zeros)
X : real images
Z
(Random Noise)
generator
discriminator
D(x) tries to be near 1
LossES
D_loss =
Discriminator training
Generator training
D tries to make D(G(z)) near 0,
Gz : fake images
Logits : Dx , Labels :1
Logits : Dg , Labels : 0
D_loss_real (Dx , ones) D_loss_fake (Dg , zeros)
Gz : fake images
X : real images
Z
(noise vector)
generator
discriminator
D(x) tries to be near 1
LossES
G tries to make D(G(z)) near 1
D_loss =
G_loss = G_loss (Dg , ones)
Logits : Dg , Labels : 1
Discriminator training
Generator training
D tries to make D(G(z)) near 0,
Gz : fake images
Discriminator
Generator
Step 1. Train Discriminator
Backpropagation
Step 2. Train Generator
Discriminator
Generator Backpropagation
only classifier mode
Freeze generator
Z
Z
(only generate samples)
Update parameters
Generate samples
Freeze discriminator
Update parameters
Discriminator
Generator
Step 1. Train Discriminator
Backpropagation
Step 2. Train Generator
Discriminator
Generator Backpropagation
only classifier mode
Freeze generator
Z
Z
Only generate samples Update parameters
Generate samples
Freeze discriminator
Update parameters
Challenges !
Mode collapse
If one of them fails, the whole system fails
discriminator much powerful
generator too lenient
discriminator too lenient
Generator much powerful generating similar samples
Generator explores some weakness in discriminator
Top : desired case
Bottom : collapsed case
If else
Metz , 2016
print
Types & Applications
You may usually find two main trends
Research efforts on
stabilizing GANs
Investigating different use
cases
A Quick Overview
Github : hindupuravinash/the-gan-zoo
The GAN Zoo
Vanilla GAN
aGAN
bGAN
cGAN
dGAN
…
Check this out for the zoo !
Play Puzzle !
Change elements as you want and get new one :)
Source Paper : https://arxiv.org/abs/1610.09585
Upsampling Downsampling
Source Paper : https://arxiv.org/abs/1511.06434
Deep Convolutional GAN (DCGAN)
Use side information (classes) to guide learning process
Conditional GAN (cGAN)
Source Paper: https://arxiv.org/abs/1411.1784
Bidirectional GAN (BiGAN)
Vanilla GAN BiGAN
Progressive GAN
Source: Nvidia
Source Paper : https://arxiv.org/abs/1612.03242
Text to Photo-realistic Image Synthesis (StackGAN)
Given a text description of a bird, generate a new bird image to match the text.
Source Paper : https://arxiv.org/pdf/1607.07539.pdf
Image completion
Basic Arithmetic Operations (DCGAN)
Source Paper : https://arxiv.org/abs/1511.06434
Image to Image Translation
Source Paper : https://arxiv.org/abs/1611.07004
• Training difficulties
• Importance of hyperparameter
tuning
• Counting, perspective issues
• …
Takeaways
Questions
Let’s start with the most funny part !
and
References
[1] Generative Adversarial Networks
Ian J. Goodfellow, Jean Pouget-Abadie, Mehdi Mirza, Bing Xu, David Warde-Farley, Sherjil Ozair, Aaron Courville,
Yoshua Bengio
https://arxiv.org/abs/1406.2661
[2] Understanding Generative Adversarial Networks
Nooki Shibuya
https://github.com/udacity/deep-learning/tree/master/gan_mnist
[3] Generative Adversarial Networks Youtube Series
Siraj Raval
https://www.youtube.com/watch?v=0VPQHbMvGzg&t=1752s
[4] How to Train a GAN? Tips and tricks to make GANs work
Facebook AI Research: Soumith Chintala, Emily Denton, Martin Arjovsky, Michael Mathieu
https://github.com/soumith/ganhacks
[5] Generative Models
Agustinus Kristiadi
https://github.com/wiseodd/generative-models
[6] Generative Models
Analytics Vidhya , Introductory guide to Generative Adversarial Networks (GANs)
[7] Image Completion with Deep Learning in TensorFlow
Brandon Amos
http://bamos.github.io/2016/08/09/deep-completion/
[8] GAN MNIST Example in TensorFlow
Udacity
https://github.com/udacity/deep-learning/tree/master/gan_mnist
[9] Generative Adversarial Networks
Robin Richard
http://www.rricard.me/machine/learning/generative/adversarial/networks/keras/tensorflow/2017/04/05/gans-
part1.html
[10] GAN Tutorial Series
MLNotebook
https://mlnotebook.github.io/post/GAN1/
[11] GAN Tutorial
DL4J
https://deeplearning4j.org/generative-adversarial-network
[12] Generative Adversarial Networks
Yunjey Choi
https://www.slideshare.net/YunjeyChoi/generative-adversarial-networks-75916964
[13] Generative Adversarial Networks
JaeJun Yoo
https://www.slideshare.net/thinkingfactory/pr12-intro-to-gans-jaejun-yoo
[14] Variational Autoencoders
Ali Ghodsi
https://www.youtube.com/watch?v=uaaqyVS9-rM&t=574s
[15] Generative Models
Fei Fei Li , Justin Johnson, Serena Yeung
https://www.youtube.com/watch?v=5WoItGTWV54
[16] Machine Learning is Fun Part 7:GANs
Adam Geitgey
https://medium.com/@ageitgey/abusing-generative-adversarial-networks-to-make-8-bit-pixel-art-e45d9b96cee7
[17] Generative Adversarial Networks
Lara Hulbert
https://medium.com/@lehulbert/generative-adversarial-networks-85da3ec78fd2
[18] Upscaling images CSI-style with generative adversarial neural networks
Geoffrey Litt
http://geoffreylitt.com/2017/06/04/enhance-upscaling-images-with-generative-adversarial-neural-networks.html
Auxiliary Examples
Counting , Perspective Problem
and Training
Discriminator
Generator
Repeat for
each epoch

More Related Content

PPTX
Generative Adversarial Networks (GAN)
PDF
Introduction to Generative Adversarial Networks (GANs)
PPTX
A (Very) Gentle Introduction to Generative Adversarial Networks (a.k.a GANs)
PDF
GANs and Applications
PPTX
Generative Adversarial Networks (GANs)
PDF
Deep Learning for Computer Vision: Generative models and adversarial training...
PDF
Generative adversarial networks
PPTX
GANs Presentation.pptx
Generative Adversarial Networks (GAN)
Introduction to Generative Adversarial Networks (GANs)
A (Very) Gentle Introduction to Generative Adversarial Networks (a.k.a GANs)
GANs and Applications
Generative Adversarial Networks (GANs)
Deep Learning for Computer Vision: Generative models and adversarial training...
Generative adversarial networks
GANs Presentation.pptx

What's hot (20)

PDF
Generative Adversarial Networks (GANs) - Ian Goodfellow, OpenAI
PDF
Generative adversarial networks
PDF
Basic Generative Adversarial Networks
PDF
GAN - Theory and Applications
PDF
Generative adversarial text to image synthesis
PDF
Introduction to Generative Adversarial Networks
PPTX
Generative adversarial networks
PDF
Generative Adversarial Networks and Their Applications
PPTX
Generative Adversarial Network (GAN)
PDF
1시간만에 GAN(Generative Adversarial Network) 완전 정복하기
PDF
A Short Introduction to Generative Adversarial Networks
PDF
Image-to-Image Translation with Conditional Adversarial Nets (UPC Reading Group)
PDF
Unsupervised learning represenation with DCGAN
PPTX
Diffusion models beat gans on image synthesis
PDF
Deep Learning - Convolutional Neural Networks
PDF
Variational Autoencoders For Image Generation
PDF
PR-409: Denoising Diffusion Probabilistic Models
PDF
Convolutional Neural Network Models - Deep Learning
PDF
Deep Generative Models
PDF
Introduction to Deep learning
Generative Adversarial Networks (GANs) - Ian Goodfellow, OpenAI
Generative adversarial networks
Basic Generative Adversarial Networks
GAN - Theory and Applications
Generative adversarial text to image synthesis
Introduction to Generative Adversarial Networks
Generative adversarial networks
Generative Adversarial Networks and Their Applications
Generative Adversarial Network (GAN)
1시간만에 GAN(Generative Adversarial Network) 완전 정복하기
A Short Introduction to Generative Adversarial Networks
Image-to-Image Translation with Conditional Adversarial Nets (UPC Reading Group)
Unsupervised learning represenation with DCGAN
Diffusion models beat gans on image synthesis
Deep Learning - Convolutional Neural Networks
Variational Autoencoders For Image Generation
PR-409: Denoising Diffusion Probabilistic Models
Convolutional Neural Network Models - Deep Learning
Deep Generative Models
Introduction to Deep learning
Ad

Similar to Generative Adversarial Networks (20)

PDF
M4L19 Generative Models - Slides v 3.pdf
PDF
Deep Generative Modelling (updated)
PDF
Generative Adversarial Networks GAN - Xavier Giro - UPC TelecomBCN Barcelona ...
PPTX
GAN_SANTHOSH KUMAR_Architecture_in_network
PDF
InfoGAN and Generative Adversarial Networks
PDF
Deep Generative Models II (DLAI D10L1 2017 UPC Deep Learning for Artificial I...
PPTX
GAN Deep Learning Approaches to Image Processing Applications (1).pptx
PPTX
Gans - Generative Adversarial Nets
PDF
PDF
Generative adversarial network_Ayadi_Alaeddine
PPTX
ICASSP 2018 Tutorial: Generative Adversarial Network and its Applications to ...
PDF
Generative Adversarial Networks GAN - Santiago Pascual - UPC Barcelona 2018
PDF
Deep Generative Modelling
PDF
Deep Generative Learning for All
PDF
Generative Models and Adversarial Training (D2L3 Insight@DCU Machine Learning...
PDF
What is a GAN Generative Adversarial Networks Guide.pdf
PPTX
gan-190318135433 (1).pptx
PPTX
GAN Generative Adversarial Networks.pptx
PDF
Deep Generative Models - Kevin McGuinness - UPC Barcelona 2018
PPTX
GANs Deep Learning Summer School
M4L19 Generative Models - Slides v 3.pdf
Deep Generative Modelling (updated)
Generative Adversarial Networks GAN - Xavier Giro - UPC TelecomBCN Barcelona ...
GAN_SANTHOSH KUMAR_Architecture_in_network
InfoGAN and Generative Adversarial Networks
Deep Generative Models II (DLAI D10L1 2017 UPC Deep Learning for Artificial I...
GAN Deep Learning Approaches to Image Processing Applications (1).pptx
Gans - Generative Adversarial Nets
Generative adversarial network_Ayadi_Alaeddine
ICASSP 2018 Tutorial: Generative Adversarial Network and its Applications to ...
Generative Adversarial Networks GAN - Santiago Pascual - UPC Barcelona 2018
Deep Generative Modelling
Deep Generative Learning for All
Generative Models and Adversarial Training (D2L3 Insight@DCU Machine Learning...
What is a GAN Generative Adversarial Networks Guide.pdf
gan-190318135433 (1).pptx
GAN Generative Adversarial Networks.pptx
Deep Generative Models - Kevin McGuinness - UPC Barcelona 2018
GANs Deep Learning Summer School
Ad

Recently uploaded (20)

PDF
Peak of Data & AI Encore- AI for Metadata and Smarter Workflows
PDF
Modernizing your data center with Dell and AMD
PDF
Machine learning based COVID-19 study performance prediction
PPTX
PA Analog/Digital System: The Backbone of Modern Surveillance and Communication
PDF
Network Security Unit 5.pdf for BCA BBA.
PDF
cuic standard and advanced reporting.pdf
PDF
KodekX | Application Modernization Development
PDF
Empathic Computing: Creating Shared Understanding
PDF
Diabetes mellitus diagnosis method based random forest with bat algorithm
PPTX
Cloud computing and distributed systems.
PDF
NewMind AI Weekly Chronicles - August'25 Week I
PDF
Chapter 3 Spatial Domain Image Processing.pdf
PPT
“AI and Expert System Decision Support & Business Intelligence Systems”
PPTX
20250228 LYD VKU AI Blended-Learning.pptx
PDF
Shreyas Phanse Resume: Experienced Backend Engineer | Java • Spring Boot • Ka...
PPT
Teaching material agriculture food technology
PPTX
breach-and-attack-simulation-cybersecurity-india-chennai-defenderrabbit-2025....
PDF
CIFDAQ's Market Insight: SEC Turns Pro Crypto
PDF
solutions_manual_-_materials___processing_in_manufacturing__demargo_.pdf
PDF
GamePlan Trading System Review: Professional Trader's Honest Take
Peak of Data & AI Encore- AI for Metadata and Smarter Workflows
Modernizing your data center with Dell and AMD
Machine learning based COVID-19 study performance prediction
PA Analog/Digital System: The Backbone of Modern Surveillance and Communication
Network Security Unit 5.pdf for BCA BBA.
cuic standard and advanced reporting.pdf
KodekX | Application Modernization Development
Empathic Computing: Creating Shared Understanding
Diabetes mellitus diagnosis method based random forest with bat algorithm
Cloud computing and distributed systems.
NewMind AI Weekly Chronicles - August'25 Week I
Chapter 3 Spatial Domain Image Processing.pdf
“AI and Expert System Decision Support & Business Intelligence Systems”
20250228 LYD VKU AI Blended-Learning.pptx
Shreyas Phanse Resume: Experienced Backend Engineer | Java • Spring Boot • Ka...
Teaching material agriculture food technology
breach-and-attack-simulation-cybersecurity-india-chennai-defenderrabbit-2025....
CIFDAQ's Market Insight: SEC Turns Pro Crypto
solutions_manual_-_materials___processing_in_manufacturing__demargo_.pdf
GamePlan Trading System Review: Professional Trader's Honest Take

Generative Adversarial Networks

  • 1. GENERATIVE ADVERSARIAL NETWORKS by Mustafa Yagmur, Gregorio Nuevo Castro Dimitris Katsios, Suzana Ilic, Alisher Abdulkhaev, Basic Intuition and Applications
  • 2. RoadMap Generative Models • Generative vs Discriminative Generative Adversarial Networks • Basic Framework • Loss • Training • Challenges Some Applications
  • 4. Learn how to manipulate features Discriminative Generative Learn about a decision boundary between classes Figure Source : https://datawarrior.wordpress.com/2016/05/08/generative-discriminative-pairs/ classify, discriminate, differentiate, label generate new samples: new media, new music , new text Naïve Bayes , Hidden Markov models , Gaussian mixtures , Boltzman Machines , Variational Autoencoders , Generative Adversarial Networks Traditional Neural Networks , SVMs , Logistic regression ,Nearest neighbors , Random Forests
  • 7. Make me a movie with.. Make me a video with.. Make me a picture with.. Make me a soundtrack with.. Make me a room with.. Make me a video game with.. % 100 machine generated life What is Exciting ! Image : techcrunch.com/Magic Pony Image : MIT Tech Review https://www.wired.com/story/ai-filmmaker-zone-out/
  • 8. What does Generative Models do? generate a model distribution which close to true distribution model distribution target distribution target model target model Earlier attempt Latest attempt pdf pdf
  • 9. Basic Generation Process Encoder Decoder Latent Features Neural Network Neural Network Do tricky operations on latent space VAE
  • 10. What if a deep network used to judge the generation process and give feedback on generated images Novel Idea : Adversarial Training Since deep networks are very successful to recognize images like cat and dog, Generation Process External Judger
  • 12. everything starts from a simple random noise.. Generative Model Random numbers
  • 13. Z : Random Noise R : Real samples G : Generator D Discriminator Basic Framework Z R Switch Train Source : https://www.kdnuggets.com/2017/01/generative-adversarial-networks-hot-topic-machine-learning.html
  • 14. G: Generator D: Discriminator R: Real Mutual Learning Bad counterfeit
  • 15. Mutual Learning G: Generator D: Detective R: Real Better counterfeit
  • 16. D(x) x More on the Framework Probability distribution of x Discriminator D(G(z)) G(z) z Probability distribution (logits) of G of z Generated fake image Generator Discriminator
  • 17. D(G(z)) G(z) z More on the Framework Probability distribution (logits) of G of z Generated fake image Generator Discriminator D(x) Probability distribution of x Discriminator
  • 18. Logits : Dx , Labels :1 Logits : Dg , Labels : 0 D_loss_real (Dx , ones) D_loss_fake (Dg , zeros) X : real images Z (Random Noise) generator discriminator D(x) tries to be near 1 LossES D_loss = Discriminator training Generator training D tries to make D(G(z)) near 0, Gz : fake images
  • 19. Logits : Dx , Labels :1 Logits : Dg , Labels : 0 D_loss_real (Dx , ones) D_loss_fake (Dg , zeros) Gz : fake images X : real images Z (noise vector) generator discriminator D(x) tries to be near 1 LossES G tries to make D(G(z)) near 1 D_loss = G_loss = G_loss (Dg , ones) Logits : Dg , Labels : 1 Discriminator training Generator training D tries to make D(G(z)) near 0, Gz : fake images
  • 20. Discriminator Generator Step 1. Train Discriminator Backpropagation Step 2. Train Generator Discriminator Generator Backpropagation only classifier mode Freeze generator Z Z (only generate samples) Update parameters Generate samples Freeze discriminator Update parameters
  • 21. Discriminator Generator Step 1. Train Discriminator Backpropagation Step 2. Train Generator Discriminator Generator Backpropagation only classifier mode Freeze generator Z Z Only generate samples Update parameters Generate samples Freeze discriminator Update parameters
  • 22. Challenges ! Mode collapse If one of them fails, the whole system fails discriminator much powerful generator too lenient discriminator too lenient Generator much powerful generating similar samples Generator explores some weakness in discriminator Top : desired case Bottom : collapsed case If else Metz , 2016 print
  • 24. You may usually find two main trends Research efforts on stabilizing GANs Investigating different use cases A Quick Overview
  • 25. Github : hindupuravinash/the-gan-zoo The GAN Zoo Vanilla GAN aGAN bGAN cGAN dGAN … Check this out for the zoo !
  • 26. Play Puzzle ! Change elements as you want and get new one :) Source Paper : https://arxiv.org/abs/1610.09585
  • 27. Upsampling Downsampling Source Paper : https://arxiv.org/abs/1511.06434 Deep Convolutional GAN (DCGAN)
  • 28. Use side information (classes) to guide learning process Conditional GAN (cGAN) Source Paper: https://arxiv.org/abs/1411.1784
  • 31. Source Paper : https://arxiv.org/abs/1612.03242 Text to Photo-realistic Image Synthesis (StackGAN) Given a text description of a bird, generate a new bird image to match the text.
  • 32. Source Paper : https://arxiv.org/pdf/1607.07539.pdf Image completion
  • 33. Basic Arithmetic Operations (DCGAN) Source Paper : https://arxiv.org/abs/1511.06434
  • 34. Image to Image Translation Source Paper : https://arxiv.org/abs/1611.07004
  • 35. • Training difficulties • Importance of hyperparameter tuning • Counting, perspective issues • … Takeaways
  • 36. Questions Let’s start with the most funny part ! and
  • 38. [1] Generative Adversarial Networks Ian J. Goodfellow, Jean Pouget-Abadie, Mehdi Mirza, Bing Xu, David Warde-Farley, Sherjil Ozair, Aaron Courville, Yoshua Bengio https://arxiv.org/abs/1406.2661 [2] Understanding Generative Adversarial Networks Nooki Shibuya https://github.com/udacity/deep-learning/tree/master/gan_mnist [3] Generative Adversarial Networks Youtube Series Siraj Raval https://www.youtube.com/watch?v=0VPQHbMvGzg&t=1752s [4] How to Train a GAN? Tips and tricks to make GANs work Facebook AI Research: Soumith Chintala, Emily Denton, Martin Arjovsky, Michael Mathieu https://github.com/soumith/ganhacks [5] Generative Models Agustinus Kristiadi https://github.com/wiseodd/generative-models [6] Generative Models Analytics Vidhya , Introductory guide to Generative Adversarial Networks (GANs)
  • 39. [7] Image Completion with Deep Learning in TensorFlow Brandon Amos http://bamos.github.io/2016/08/09/deep-completion/ [8] GAN MNIST Example in TensorFlow Udacity https://github.com/udacity/deep-learning/tree/master/gan_mnist [9] Generative Adversarial Networks Robin Richard http://www.rricard.me/machine/learning/generative/adversarial/networks/keras/tensorflow/2017/04/05/gans- part1.html [10] GAN Tutorial Series MLNotebook https://mlnotebook.github.io/post/GAN1/ [11] GAN Tutorial DL4J https://deeplearning4j.org/generative-adversarial-network [12] Generative Adversarial Networks Yunjey Choi https://www.slideshare.net/YunjeyChoi/generative-adversarial-networks-75916964
  • 40. [13] Generative Adversarial Networks JaeJun Yoo https://www.slideshare.net/thinkingfactory/pr12-intro-to-gans-jaejun-yoo [14] Variational Autoencoders Ali Ghodsi https://www.youtube.com/watch?v=uaaqyVS9-rM&t=574s [15] Generative Models Fei Fei Li , Justin Johnson, Serena Yeung https://www.youtube.com/watch?v=5WoItGTWV54 [16] Machine Learning is Fun Part 7:GANs Adam Geitgey https://medium.com/@ageitgey/abusing-generative-adversarial-networks-to-make-8-bit-pixel-art-e45d9b96cee7 [17] Generative Adversarial Networks Lara Hulbert https://medium.com/@lehulbert/generative-adversarial-networks-85da3ec78fd2 [18] Upscaling images CSI-style with generative adversarial neural networks Geoffrey Litt http://geoffreylitt.com/2017/06/04/enhance-upscaling-images-with-generative-adversarial-neural-networks.html
  • 41. Auxiliary Examples Counting , Perspective Problem