SlideShare a Scribd company logo
1 of 110
Download to read offline
Generative Adversarial Networks ( GAN )
The coolest idea in ML in the last twenty years - Yann Lecun
2017.03 Namju Kim (namju.kim@kakaobrainl.com)
Introduction
Taxonomy of ML
Introduction
From David silver, Reinforcement learning (UCL course on RL, 2015).
Supervised Learning
• Find deterministic function f : y = f(x), x : data, y : label
Introduction
Catf F18f
Supervised Learning
• How to implement the following function prototype.
Introduction
Supervised Learning
• Challenges
– Image is high dimensional data
• 224 x 224 x 3 = 150,528
– Many variations
• viewpoint, illumination, deformation, occlusion,
background clutter, intraclass variation
Introduction
Supervised Learning
• Solution
– Feature Vector
• 150,528 → 2,048
– Synonyms
• Latent Vector, Hidden Vector, Unobservable Vector,
Feature, Representation
Introduction
Supervised Learning
Introduction
Supervised Learning
• More flexible solution
– Get probability of the label for given data instead of label
itself
Introduction
Cat : 0.98
Cake : 0.02
Dog : 0.00
f
Supervised Learning
Introduction
Supervised Learning
• Mathematical notation of optimization
– y : label, x : data, z : latent, : learnable parameter
Introduction
given parameterized byprobabilityget when P is maximum
Optimal
Supervised Learning
• Mathematical notation of classifying ( greedy policy )
– y : label, x : data, z : latent, : fixed optimal parameter
Introduction
given parameterized byprobabilityget y when P is maximum
Optimal
label
prediction
Unsupervised Learning
• Find deterministic function f : z = f(x), x : data, z : latent
Introduction
[0.1, 0.3, -0.8, 0.4, … ]f
Good features
• Less redundancy
• Similar features for similar data
• High fidelity
From Yann Lecun, Predictive Learning (NIPS tutorial, 2016).
RL ( cherry )
SL ( icing )
UL ( cake )
Good Bad
Introduction
Unsupervised Learning
Introduction
From Ian Goodfellow, Deep Learning (MIT press, 2016).
E2E
(end-to-end)
Unsupervised Learning
• More challenging than supervised learning :
– No label or curriculum → self learning
• Some NN solutions :
– Boltzmann machine
– Auto-encoder or Variational Inference
– Generative Adversarial Network
Introduction
Generative Model
• Find generation function g : x = g(z), x : data, z : latent
Introduction
[0.1, 0.3, -0.8, 0.4, … ]
g
Unsupervised learning vs. Generative model
• z = f(x) vs. x = g(z)
• P(z|x) vs. P(x|z)
• Encoder vs. Decoder ( Generator )
– P(x, z) needed. ( cf : P(y|x) in supervised learning )
• P(z|x) = P(x, z) / P(x) → P(x) is intractable ( ELBO )
• P(x|z) = P(x, z) / P(z) → P(z) is given. ( prior )
Introduction
Autoencoders
Stacked autoencoder - SAE
• Use data itself as label → Convert UL into reconstruction SL
• z = f(x), x=g(z) → x = g(f(x))
• https://github.com/buriburisuri/sugartensor/blob/master/sugartensor/example/mnist_sae.py
Autoencoders
f
(enc)
g
(dec)
x
x
’z
Supervised learning
with L2 loss ( = MSE )
Denoising autoencoder - DAE
• Almost same as SAE
• Add random noise to input data → Convert UL into denoising SL
• https://github.com/buriburisuri/sugartensor/blob/master/sugartensor/example/mnist_dae.py
Autoencoders
f
(enc)
g
(dec)
x + noise
x
’z
Supervised learning
with L2 loss ( = MSE )
Variational autoencoder - VAE
• Kingma et al, “Auto-Encoding Variational Bayes”, 2013.
• Generative Model + Stacked Autoencoder
– Based on Variational approximation
– other approaches :
• Point estimation ( MAP )
• Markov Chain Monte Carlo ( MCMC )
Autoencoders
Variational autoencoder - VAE
• Training
• https://github.com/buriburisuri/sugartensor/blob/master/sugartensor/example/mnist_vae.py
Autoencoders
f
(enc)
g
(dec)
x
x
’
z :
Supervised learning
with L2 loss ( = MSE ) +
KL regularizer
z+
Variational autoencoder - VAE
• Generating
• https://github.com/buriburisuri/sugartensor/blob/master/sugartensor/example/mnist_vae_eval.py
Autoencoders
g
(dec)
z :
Variational autoencoder - VAE
• Question :
• Solution :
– p(z|x) is intractable but MCMC is slow.
– Introduce auxiliary variational function q(z|x)
– Approximate q(z|x) to p(z|x) by ELBO
– Make q(z|x)
Autoencoders
z = z → p(z|x) =+
Variational autoencoder - VAE
• Simply : → 0, → 1
• KLD Regularizer :
–
– Gaussian case :
• -
• If we fix = 1, ( Practical approach )
– → MSE ( )
Autoencoders
Variational autoencoder - VAE
• KLD ( Kullback-Leibler divergence )
• A sort of distribution difference measure
– cf : KS (Kolmogorov-smirov) test, JSD(Jensen-shannon Divergence)
Autoencoders
Variational autoencoder - VAE
• Find problems in the following code
Autoencoders
Variational autoencoder - VAE
• Reparameterization trick
– Enable back propagation
– Reduce variances of gradients
Autoencoders
f
(enc)
g
(dec)
z :
z+f
(enc)
g
(dec)
z :
Variational autoencoder - VAE
• This is called ‘Reparameterization trick’
Autoencoders
Variational autoencoder - VAE
• Results
Autoencoders
Generative Adversarial Networks
Generative Adversarial Networks - GAN
• Ian Goodfellow et al, “Generative Adversarial Networks”, 2014.
– Learnable cost function
– Mini-Max game based on Nash Equilibrium
• Little assumption
• High fidelity
– Hard to training - no guarantee to equilibrium.
GAN
Generative Adversarial Networks - GAN
• Alternate training
• https://github.com/buriburisuri/sugartensor/blob/master/sugartensor/example/mnist_gan.py
GAN
G
(generator)
z :
D
(discriminator)
real image
fake image
1(Real)
0(fake)
1(real)
Discriminator training
Generator training
Generative Adversarial Networks - GAN
• Generating
• https://github.com/buriburisuri/sugartensor/blob/master/sugartensor/example/mnist_gan_eval.py
GAN
G
(generator)
z :
Generative Adversarial Networks - GAN
• Mathematical notation
GAN
x is sampled
from real data
z is sampled
from N(0, I)
Expectation prob. of D(real) prob. of D(fake)
Maximize DMinimize G
Value of
fake
Generative Adversarial Networks - GAN
• Mathematical notation - discriminator
GAN
Maximize prob. of D(real) Minimize prob. of D(fake)
BCE(binary cross entropy) with label 1 for real, 0 for fake.
( Practically, CE will be OK. or more plausible. )
Generative Adversarial Networks - GAN
• Mathematical notation - generator
GAN
Maximize prob. of D(fake)
BCE(binary cross entropy) with label 1 for fake.
( Practically, CE will be OK. or more plausible. )
Generative Adversarial Networks - GAN
• Mathematical notation - equilibrium
GAN
Jansen-Shannon divergence
0.5
Generative Adversarial Networks - GAN
GAN
Generative Adversarial Networks - GAN
• Result
GAN
Generative Adversarial Networks - GAN
• Why blurry and why sharper ?
GAN
From Ian Goodfellow, Deep Learning (MIT press, 2016) From Christian et al, Photo-realistic single image super-resolution using
generative adversarial networks, 2016
Training GANs
Training GANs
Pitfall of GAN
• No guarantee to equilibrium
– Mode collapsing
– Oscillation
– No indicator when to finish
• All generative model
– Evaluation metrics ( Human turing test )
– Overfitting test ( Nearest Neighbor ) → GAN is robust !!!
– Diversity test
– Wu et al, On the quantitative analysis of decoder-based generative model, 2016
DCGAN
• Radford et al, Unsupervised Representation Learning with Deep
Convolutional Generative Adversarial Networks, 2015
– Tricks for gradient flow
• Max pooling → Strided convolution or average pooling
• Use LeakyReLU instead of ReLU
– Other tricks
• Use batch normal both generator and discriminator
• Use Adam optimizer ( lr = 0.0002, a = 0.9, b=0.5 )
Training GANs
DCGAN
• Results
Training GAN
DCGAN
• Latent vector arithmetic
Training GAN
Pitfall of GAN
Training GANs
mode collapsing oscillating
Escaping mode collapsing
• Minibatch discrimination ( Salimans et al, 2016 ) ← slow
• Replay memory ( Shrivastava et al, 2016 ) ← controversial
• Pull-away term regularizer ( Zhao et al, 2016 ) ← not so good
• Unrolled GAN ( Metz et al, 2016 ) ← not so good
Training GANs
Escaping mode collapsing
• Discriminator ensemble ( Durugkar, 2016) ← not tested
• Latent-Image pair discrimination ( Donahue et al, 2016,
Dumoulin et al, 2016 ) ← Good ( additional computing time )
• InfoGAN ( Chen et al, 2016 ) ← Good
Training GANs
Escaping mode collapsing
Training GANs
Other tricks
• Salimans et al, Improved Techniques for Training GANs, 2016
• https://github.com/soumith/ganhacks
– One-sided label smoothing ← not sure
– Historical averaging ← Unrolled GAN is better
– Feature matching ← working
– Use noise or dropout into real/fake image ← working
– Don’t balance D and G loss ← I agree
Training GANs
Batch normalization in GAN
• Use in G but cautious in D
• Do not use at last layer of G
and first layer of D
• IMHO, don’t use BN in D
• Reference BN or Virtual BN
( Not sure )
Training GANs
Variants of GANs
Taxonomy of Generative Models
Variants of GANs
From Ian Goodfellow, NIPS 2016 Tutorial : Generative
Adversarial Netorks, 2016
SOTA !!!
AR based model :
PixelRNN
WaveNet
Variants of GANs
From Ordena et al, Conditional Image Synthesis With
Auxiliary Classifier GANs, 2016
SOTA with LabelSOTA without Label
Taxonomy of GANs
AFL, ALI
• Donahue et al, Adversarial Feature Learning, 2016
• Domoulin et al, Adversarial Learned Inference, 2016
Variants of GANs
AFL, ALI
• Results
Variants of GANs
InfoGAN
• Chen et al, InfoGAN : Interpretable Representation Learning by
Information Maximizing Generative Adversarial Nets, 2016
Variants of GANs
InfoGAN
• Results
• My implementation : https://github.com/buriburisuri/sugartensor/blob/master/sugartensor/example/mnist_info_gan.py
Variants of GANs
EBGAN
• Junbo et al, Energy-based generative adversarial networks,
2016
Variants of GANs
EBGAN
• Results
Variants of GANs
EBGAN
• My implementation : https://github.com/buriburisuri/ebgan
Variants of GANs
ACGAN
• Ordena et al, Conditional Image Synthesis with Auxiliary
Classifier GANs, 2016
Variants of GANs
ACGAN
• Results
Variants of GANs
ACGAN
• My implementation : https://github.com/buriburisuri/ac-gan
Variants of GANs
WGAN
• Martin et al, Wasserstein GAN, 2017
Variants of GANs
G
(generator)
z :
C
(critic)
real image
fake image
High value
Low value
High value
Critic training
Generator training
Weight Clamping
( No BCE )
WGAN
• Martin et al, Wasserstein GAN, 2017
– JSD → Earth Mover Distance(=Wasserstein-1 distance)
– Prevent the gradient vanishing by using weak distance metrics
– Provide the parsimonious training indicator.
Variants of GANs
WGAN
• Results
Variants of GANs
BGAN
• R Devon et al, Boundary-Seeking GAN, 2017
– Importance Sampling + Boundary Seeking
– Discrete GAN training possible
– Stabilized continuous GAN training
Variants of GANs
Application of GANs
Generating image
• Wang et al, Generative Image Modeling using Style and
Structure Adversarial Networks, 2016
Application of GANs
Generating image
• Wang et al : Results
Application of GANs
Generating image
• Jamonglab, 128x96 face image generation, 2016.11
Application of GANs
Generating image
• Two-step generation : Sketch → Color
• Binomial random seed instead of gaussian
Application of GANs
Generating image
• Zhang et al, StackGAN : Text to Photo-realistic Image Synthesis
with Stacked GANs, 2016
Application of GANs
Generating image
• Zhang et al : Results
Application of GANs
Generating image
• Reed et al, Learning What and Where to Draw, 2016
Application of GANs
Generating image
• Reed et al : Results
Application of GANs
Generating image
• Nguyen et al, Plug & Play Generative Networks, 2016
– Complex langevin sampling via DAE
Application of GANs
Generating image
• Arici et al, Associative Adversarial Networks, 2016
–
Application of GANs
p(z|x) =
Generating image
• Arici et al : Results
Application of GANs
Translating image
• Perarnau et al, Invertible Conditional GANs for image editing,
2016
Application of GANs
Translating image
• Perarnau et al : results
Application of GANs
Translating image
• Isola et al, Image-to-image translation with convolutional
adversarial networks, 2016
Application of GANs
Translating image
• Isola et al : Results
Application of GANs
Translating image
• Ledig et al, Photo-Realistic Single Image Super-Resolution
Using a GAN, 2016
Application of GANs
Translating image
• Ledig et al : Results
Application of GANs
Translating image
• Sajjadi et al, EnhanceNet : Single Image Super-Resolution
through Automated Texture Synthesis, 2016
– SRGAN + Gram metrics loss
Application of GANs
Domain adaptation
• Taigman et al, Unsupervised cross-domain image generation,
2016
Application of GANs
Domain adaptation
• Taigman et al, Unsupervised cross-domain image generation,
2016
Application of GANs
Domain adaptation
• Bousmalis et al, Unsupervised Pixel-Level Domain Adaptation
with Generative Adversarial Networks, 2016
Application of GANs
Domain adaptation
• Bousmalis et al : Results
Application of GANs
Domain adaptation
• Shrivastava et al, Learning from simulated and unsupervised
images through adversarial training, 2016
Application of GANs
Domain adaptation
• Shrivastava et al : Results
Application of GANs
Domain adaptation
• Taeksoo Kim et al, Learning to Discover Cross-Domain
Relations with Generative Adversarial Networks, 2017
Application of GANs
Domain adaptation
• Extended Taigman’s idea
using smart bijective mapping
Application of GANs
Unsupervised clustering
• Jamonglab : https://github.com/buriburisuri/timeseries_gan
– Using InfoGAN
Application of GANs
Real Fake
Unsupervised clustering
Application of GANs
Text generation
• Yu et al, SeqGAN : Sequence Generative Adversarial Nets with
Policy Gradient, 2016
Application of GANs
Text generation
• Maddison et al, The concrete distribution : A continous
relaxation of discrete random variables, 2016
• Kusner et al, GANs for sequences of discrete elements with the
Gumbel-softmax distribution, 2016
Application of GANs
Text generation
• Zhang et al, Generating text via Adversarial Training, 2016
Application of GANs
Imitation learning ( IRL or Optimal control )
• Ho et al, Model-free imitation learning with policy optimization, 2016
• Finn et al, A connection between generative adversarial networks,
Inverse Reinforcement Learning, and Energy-based models, 2016
Application of GANs
Future of GANs
Pre-trained unified features
• Unified features by unsupervised learning
• Pre-trained and shipped on mobile chip as default
Future of GANs
E
(pre-trained
encoder)
z
x C
(classifier)
1(Good)
0(Bad)
Personalization at scale
• Environment ( User ) simulator
Future of GANs
Personalization at scale
• Intelligent agent using RL
Future of GANs
Personalization at scale
• For example, cardiac simulator using GAN
Future of GANs
Conclusion
• Unsupervised learning is next frontier in AI
– Same algos, multiple domains
• Creativity and experience are no longer human temperament
Towards Artificial General Intelligence
Future of GANs
Thank you.
http://www.slideshare.net/ssuser77ee21/generative-adversarial-networks-70896091

More Related Content

What's hot

GAN - Theory and Applications
GAN - Theory and ApplicationsGAN - Theory and Applications
GAN - Theory and ApplicationsEmanuele Ghelfi
 
GANs Presentation.pptx
GANs Presentation.pptxGANs Presentation.pptx
GANs Presentation.pptxMAHMOUD729246
 
Deep Learning for Computer Vision: Generative models and adversarial training...
Deep Learning for Computer Vision: Generative models and adversarial training...Deep Learning for Computer Vision: Generative models and adversarial training...
Deep Learning for Computer Vision: Generative models and adversarial training...Universitat Politècnica de Catalunya
 
Transfer Learning and Fine-tuning Deep Neural Networks
 Transfer Learning and Fine-tuning Deep Neural Networks Transfer Learning and Fine-tuning Deep Neural Networks
Transfer Learning and Fine-tuning Deep Neural NetworksPyData
 
Generative adversarial networks
Generative adversarial networksGenerative adversarial networks
Generative adversarial networksDing Li
 
Support vector machines (svm)
Support vector machines (svm)Support vector machines (svm)
Support vector machines (svm)Sharayu Patil
 
Unsupervised learning represenation with DCGAN
Unsupervised learning represenation with DCGANUnsupervised learning represenation with DCGAN
Unsupervised learning represenation with DCGANShyam Krishna Khadka
 
Deep Learning - Convolutional Neural Networks
Deep Learning - Convolutional Neural NetworksDeep Learning - Convolutional Neural Networks
Deep Learning - Convolutional Neural NetworksChristian Perone
 
A (Very) Gentle Introduction to Generative Adversarial Networks (a.k.a GANs)
 A (Very) Gentle Introduction to Generative Adversarial Networks (a.k.a GANs) A (Very) Gentle Introduction to Generative Adversarial Networks (a.k.a GANs)
A (Very) Gentle Introduction to Generative Adversarial Networks (a.k.a GANs)Thomas da Silva Paula
 
1시간만에 GAN(Generative Adversarial Network) 완전 정복하기
1시간만에 GAN(Generative Adversarial Network) 완전 정복하기1시간만에 GAN(Generative Adversarial Network) 완전 정복하기
1시간만에 GAN(Generative Adversarial Network) 완전 정복하기NAVER Engineering
 
Faster R-CNN: Towards real-time object detection with region proposal network...
Faster R-CNN: Towards real-time object detection with region proposal network...Faster R-CNN: Towards real-time object detection with region proposal network...
Faster R-CNN: Towards real-time object detection with region proposal network...Universitat Politècnica de Catalunya
 
Variational Autoencoder
Variational AutoencoderVariational Autoencoder
Variational AutoencoderMark Chang
 
Generative Adversarial Networks
Generative Adversarial NetworksGenerative Adversarial Networks
Generative Adversarial NetworksMark Chang
 
Generative Adversarial Networks (GANs)
Generative Adversarial Networks (GANs)Generative Adversarial Networks (GANs)
Generative Adversarial Networks (GANs)Amol Patil
 
Variational Autoencoders VAE - Santiago Pascual - UPC Barcelona 2018
Variational Autoencoders VAE - Santiago Pascual - UPC Barcelona 2018Variational Autoencoders VAE - Santiago Pascual - UPC Barcelona 2018
Variational Autoencoders VAE - Santiago Pascual - UPC Barcelona 2018Universitat Politècnica de Catalunya
 
Generative Adversarial Network (GAN)
Generative Adversarial Network (GAN)Generative Adversarial Network (GAN)
Generative Adversarial Network (GAN)Prakhar Rastogi
 
Convolution Neural Network (CNN)
Convolution Neural Network (CNN)Convolution Neural Network (CNN)
Convolution Neural Network (CNN)Suraj Aavula
 
Introduction to Generative Adversarial Networks
Introduction to Generative Adversarial NetworksIntroduction to Generative Adversarial Networks
Introduction to Generative Adversarial NetworksBennoG1
 
Deep Learning in Computer Vision
Deep Learning in Computer VisionDeep Learning in Computer Vision
Deep Learning in Computer VisionSungjoon Choi
 

What's hot (20)

GAN - Theory and Applications
GAN - Theory and ApplicationsGAN - Theory and Applications
GAN - Theory and Applications
 
GANs Presentation.pptx
GANs Presentation.pptxGANs Presentation.pptx
GANs Presentation.pptx
 
Deep Learning for Computer Vision: Generative models and adversarial training...
Deep Learning for Computer Vision: Generative models and adversarial training...Deep Learning for Computer Vision: Generative models and adversarial training...
Deep Learning for Computer Vision: Generative models and adversarial training...
 
Transfer Learning and Fine-tuning Deep Neural Networks
 Transfer Learning and Fine-tuning Deep Neural Networks Transfer Learning and Fine-tuning Deep Neural Networks
Transfer Learning and Fine-tuning Deep Neural Networks
 
Generative adversarial networks
Generative adversarial networksGenerative adversarial networks
Generative adversarial networks
 
Support vector machines (svm)
Support vector machines (svm)Support vector machines (svm)
Support vector machines (svm)
 
Dcgan
DcganDcgan
Dcgan
 
Unsupervised learning represenation with DCGAN
Unsupervised learning represenation with DCGANUnsupervised learning represenation with DCGAN
Unsupervised learning represenation with DCGAN
 
Deep Learning - Convolutional Neural Networks
Deep Learning - Convolutional Neural NetworksDeep Learning - Convolutional Neural Networks
Deep Learning - Convolutional Neural Networks
 
A (Very) Gentle Introduction to Generative Adversarial Networks (a.k.a GANs)
 A (Very) Gentle Introduction to Generative Adversarial Networks (a.k.a GANs) A (Very) Gentle Introduction to Generative Adversarial Networks (a.k.a GANs)
A (Very) Gentle Introduction to Generative Adversarial Networks (a.k.a GANs)
 
1시간만에 GAN(Generative Adversarial Network) 완전 정복하기
1시간만에 GAN(Generative Adversarial Network) 완전 정복하기1시간만에 GAN(Generative Adversarial Network) 완전 정복하기
1시간만에 GAN(Generative Adversarial Network) 완전 정복하기
 
Faster R-CNN: Towards real-time object detection with region proposal network...
Faster R-CNN: Towards real-time object detection with region proposal network...Faster R-CNN: Towards real-time object detection with region proposal network...
Faster R-CNN: Towards real-time object detection with region proposal network...
 
Variational Autoencoder
Variational AutoencoderVariational Autoencoder
Variational Autoencoder
 
Generative Adversarial Networks
Generative Adversarial NetworksGenerative Adversarial Networks
Generative Adversarial Networks
 
Generative Adversarial Networks (GANs)
Generative Adversarial Networks (GANs)Generative Adversarial Networks (GANs)
Generative Adversarial Networks (GANs)
 
Variational Autoencoders VAE - Santiago Pascual - UPC Barcelona 2018
Variational Autoencoders VAE - Santiago Pascual - UPC Barcelona 2018Variational Autoencoders VAE - Santiago Pascual - UPC Barcelona 2018
Variational Autoencoders VAE - Santiago Pascual - UPC Barcelona 2018
 
Generative Adversarial Network (GAN)
Generative Adversarial Network (GAN)Generative Adversarial Network (GAN)
Generative Adversarial Network (GAN)
 
Convolution Neural Network (CNN)
Convolution Neural Network (CNN)Convolution Neural Network (CNN)
Convolution Neural Network (CNN)
 
Introduction to Generative Adversarial Networks
Introduction to Generative Adversarial NetworksIntroduction to Generative Adversarial Networks
Introduction to Generative Adversarial Networks
 
Deep Learning in Computer Vision
Deep Learning in Computer VisionDeep Learning in Computer Vision
Deep Learning in Computer Vision
 

Similar to Generative adversarial networks

Reading group gan - 20170417
Reading group   gan - 20170417Reading group   gan - 20170417
Reading group gan - 20170417Shuai Zhang
 
Generative Adversarial Network (+Laplacian Pyramid GAN)
Generative Adversarial Network (+Laplacian Pyramid GAN)Generative Adversarial Network (+Laplacian Pyramid GAN)
Generative Adversarial Network (+Laplacian Pyramid GAN)NamHyuk Ahn
 
Vladislav Kolbasin “Introduction to Generative Adversarial Networks (GANs)”
Vladislav Kolbasin “Introduction to Generative Adversarial Networks (GANs)”Vladislav Kolbasin “Introduction to Generative Adversarial Networks (GANs)”
Vladislav Kolbasin “Introduction to Generative Adversarial Networks (GANs)”Lviv Startup Club
 
GANs Deep Learning Summer School
GANs Deep Learning Summer SchoolGANs Deep Learning Summer School
GANs Deep Learning Summer SchoolRubens Zimbres, PhD
 
Machine Learning workshop by GDSC Amity University Chhattisgarh
Machine Learning workshop by GDSC Amity University ChhattisgarhMachine Learning workshop by GDSC Amity University Chhattisgarh
Machine Learning workshop by GDSC Amity University ChhattisgarhPoorabpatel
 
DeepLearningLecture.pptx
DeepLearningLecture.pptxDeepLearningLecture.pptx
DeepLearningLecture.pptxssuserf07225
 
Generative modeling with Convolutional Neural Networks
Generative modeling with Convolutional Neural NetworksGenerative modeling with Convolutional Neural Networks
Generative modeling with Convolutional Neural NetworksDenis Dus
 
Hadoop Summit 2010 Machine Learning Using Hadoop
Hadoop Summit 2010 Machine Learning Using HadoopHadoop Summit 2010 Machine Learning Using Hadoop
Hadoop Summit 2010 Machine Learning Using HadoopYahoo Developer Network
 
Tutorial on Theory and Application of Generative Adversarial Networks
Tutorial on Theory and Application of Generative Adversarial NetworksTutorial on Theory and Application of Generative Adversarial Networks
Tutorial on Theory and Application of Generative Adversarial NetworksMLReview
 
Optimization (DLAI D4L1 2017 UPC Deep Learning for Artificial Intelligence)
Optimization (DLAI D4L1 2017 UPC Deep Learning for Artificial Intelligence)Optimization (DLAI D4L1 2017 UPC Deep Learning for Artificial Intelligence)
Optimization (DLAI D4L1 2017 UPC Deep Learning for Artificial Intelligence)Universitat Politècnica de Catalunya
 
Understanding Basics of Machine Learning
Understanding Basics of Machine LearningUnderstanding Basics of Machine Learning
Understanding Basics of Machine LearningPranav Ainavolu
 
Optimization for Neural Network Training - Veronica Vilaplana - UPC Barcelona...
Optimization for Neural Network Training - Veronica Vilaplana - UPC Barcelona...Optimization for Neural Network Training - Veronica Vilaplana - UPC Barcelona...
Optimization for Neural Network Training - Veronica Vilaplana - UPC Barcelona...Universitat Politècnica de Catalunya
 
Number Crunching in Python
Number Crunching in PythonNumber Crunching in Python
Number Crunching in PythonValerio Maggio
 
Machine Learning on Azure - AzureConf
Machine Learning on Azure - AzureConfMachine Learning on Azure - AzureConf
Machine Learning on Azure - AzureConfSeth Juarez
 
GDC2019 - SEED - Towards Deep Generative Models in Game Development
GDC2019 - SEED - Towards Deep Generative Models in Game DevelopmentGDC2019 - SEED - Towards Deep Generative Models in Game Development
GDC2019 - SEED - Towards Deep Generative Models in Game DevelopmentElectronic Arts / DICE
 

Similar to Generative adversarial networks (20)

gan.pdf
gan.pdfgan.pdf
gan.pdf
 
Reading group gan - 20170417
Reading group   gan - 20170417Reading group   gan - 20170417
Reading group gan - 20170417
 
Generative Adversarial Network (+Laplacian Pyramid GAN)
Generative Adversarial Network (+Laplacian Pyramid GAN)Generative Adversarial Network (+Laplacian Pyramid GAN)
Generative Adversarial Network (+Laplacian Pyramid GAN)
 
Vladislav Kolbasin “Introduction to Generative Adversarial Networks (GANs)”
Vladislav Kolbasin “Introduction to Generative Adversarial Networks (GANs)”Vladislav Kolbasin “Introduction to Generative Adversarial Networks (GANs)”
Vladislav Kolbasin “Introduction to Generative Adversarial Networks (GANs)”
 
GANs Deep Learning Summer School
GANs Deep Learning Summer SchoolGANs Deep Learning Summer School
GANs Deep Learning Summer School
 
Machine Learning workshop by GDSC Amity University Chhattisgarh
Machine Learning workshop by GDSC Amity University ChhattisgarhMachine Learning workshop by GDSC Amity University Chhattisgarh
Machine Learning workshop by GDSC Amity University Chhattisgarh
 
DeepLearningLecture.pptx
DeepLearningLecture.pptxDeepLearningLecture.pptx
DeepLearningLecture.pptx
 
Generative modeling with Convolutional Neural Networks
Generative modeling with Convolutional Neural NetworksGenerative modeling with Convolutional Neural Networks
Generative modeling with Convolutional Neural Networks
 
Hadoop Summit 2010 Machine Learning Using Hadoop
Hadoop Summit 2010 Machine Learning Using HadoopHadoop Summit 2010 Machine Learning Using Hadoop
Hadoop Summit 2010 Machine Learning Using Hadoop
 
"Let us talk about output features! by Florence d’Alché-Buc, LTCI & Full Prof...
"Let us talk about output features! by Florence d’Alché-Buc, LTCI & Full Prof..."Let us talk about output features! by Florence d’Alché-Buc, LTCI & Full Prof...
"Let us talk about output features! by Florence d’Alché-Buc, LTCI & Full Prof...
 
Tutorial on Theory and Application of Generative Adversarial Networks
Tutorial on Theory and Application of Generative Adversarial NetworksTutorial on Theory and Application of Generative Adversarial Networks
Tutorial on Theory and Application of Generative Adversarial Networks
 
DiscoGAN
DiscoGANDiscoGAN
DiscoGAN
 
Semi-Supervised Learning with GANs by Olga Petrova, Machine Learning Engineer...
Semi-Supervised Learning with GANs by Olga Petrova, Machine Learning Engineer...Semi-Supervised Learning with GANs by Olga Petrova, Machine Learning Engineer...
Semi-Supervised Learning with GANs by Olga Petrova, Machine Learning Engineer...
 
Optimization (DLAI D4L1 2017 UPC Deep Learning for Artificial Intelligence)
Optimization (DLAI D4L1 2017 UPC Deep Learning for Artificial Intelligence)Optimization (DLAI D4L1 2017 UPC Deep Learning for Artificial Intelligence)
Optimization (DLAI D4L1 2017 UPC Deep Learning for Artificial Intelligence)
 
Understanding Basics of Machine Learning
Understanding Basics of Machine LearningUnderstanding Basics of Machine Learning
Understanding Basics of Machine Learning
 
Optimization for Neural Network Training - Veronica Vilaplana - UPC Barcelona...
Optimization for Neural Network Training - Veronica Vilaplana - UPC Barcelona...Optimization for Neural Network Training - Veronica Vilaplana - UPC Barcelona...
Optimization for Neural Network Training - Veronica Vilaplana - UPC Barcelona...
 
Number Crunching in Python
Number Crunching in PythonNumber Crunching in Python
Number Crunching in Python
 
Machine Learning on Azure - AzureConf
Machine Learning on Azure - AzureConfMachine Learning on Azure - AzureConf
Machine Learning on Azure - AzureConf
 
Paris Data Geeks
Paris Data GeeksParis Data Geeks
Paris Data Geeks
 
GDC2019 - SEED - Towards Deep Generative Models in Game Development
GDC2019 - SEED - Towards Deep Generative Models in Game DevelopmentGDC2019 - SEED - Towards Deep Generative Models in Game Development
GDC2019 - SEED - Towards Deep Generative Models in Game Development
 

Recently uploaded

Tech Tuesday Slides - Introduction to Project Management with OnePlan's Work ...
Tech Tuesday Slides - Introduction to Project Management with OnePlan's Work ...Tech Tuesday Slides - Introduction to Project Management with OnePlan's Work ...
Tech Tuesday Slides - Introduction to Project Management with OnePlan's Work ...OnePlan Solutions
 
Zer0con 2024 final share short version.pdf
Zer0con 2024 final share short version.pdfZer0con 2024 final share short version.pdf
Zer0con 2024 final share short version.pdfmaor17
 
2024 DevNexus Patterns for Resiliency: Shuffle shards
2024 DevNexus Patterns for Resiliency: Shuffle shards2024 DevNexus Patterns for Resiliency: Shuffle shards
2024 DevNexus Patterns for Resiliency: Shuffle shardsChristopher Curtin
 
Large Language Models for Test Case Evolution and Repair
Large Language Models for Test Case Evolution and RepairLarge Language Models for Test Case Evolution and Repair
Large Language Models for Test Case Evolution and RepairLionel Briand
 
Best Angular 17 Classroom & Online training - Naresh IT
Best Angular 17 Classroom & Online training - Naresh ITBest Angular 17 Classroom & Online training - Naresh IT
Best Angular 17 Classroom & Online training - Naresh ITmanoharjgpsolutions
 
Effectively Troubleshoot 9 Types of OutOfMemoryError
Effectively Troubleshoot 9 Types of OutOfMemoryErrorEffectively Troubleshoot 9 Types of OutOfMemoryError
Effectively Troubleshoot 9 Types of OutOfMemoryErrorTier1 app
 
Osi security architecture in network.pptx
Osi security architecture in network.pptxOsi security architecture in network.pptx
Osi security architecture in network.pptxVinzoCenzo
 
OpenChain AI Study Group - Europe and Asia Recap - 2024-04-11 - Full Recording
OpenChain AI Study Group - Europe and Asia Recap - 2024-04-11 - Full RecordingOpenChain AI Study Group - Europe and Asia Recap - 2024-04-11 - Full Recording
OpenChain AI Study Group - Europe and Asia Recap - 2024-04-11 - Full RecordingShane Coughlan
 
UI5ers live - Custom Controls wrapping 3rd-party libs.pptx
UI5ers live - Custom Controls wrapping 3rd-party libs.pptxUI5ers live - Custom Controls wrapping 3rd-party libs.pptx
UI5ers live - Custom Controls wrapping 3rd-party libs.pptxAndreas Kunz
 
Keeping your build tool updated in a multi repository world
Keeping your build tool updated in a multi repository worldKeeping your build tool updated in a multi repository world
Keeping your build tool updated in a multi repository worldRoberto Pérez Alcolea
 
Data modeling 101 - Basics - Software Domain
Data modeling 101 - Basics - Software DomainData modeling 101 - Basics - Software Domain
Data modeling 101 - Basics - Software DomainAbdul Ahad
 
JavaLand 2024 - Going serverless with Quarkus GraalVM native images and AWS L...
JavaLand 2024 - Going serverless with Quarkus GraalVM native images and AWS L...JavaLand 2024 - Going serverless with Quarkus GraalVM native images and AWS L...
JavaLand 2024 - Going serverless with Quarkus GraalVM native images and AWS L...Bert Jan Schrijver
 
Enhancing Supply Chain Visibility with Cargo Cloud Solutions.pdf
Enhancing Supply Chain Visibility with Cargo Cloud Solutions.pdfEnhancing Supply Chain Visibility with Cargo Cloud Solutions.pdf
Enhancing Supply Chain Visibility with Cargo Cloud Solutions.pdfRTS corp
 
Copilot para Microsoft 365 y Power Platform Copilot
Copilot para Microsoft 365 y Power Platform CopilotCopilot para Microsoft 365 y Power Platform Copilot
Copilot para Microsoft 365 y Power Platform CopilotEdgard Alejos
 
Ronisha Informatics Private Limited Catalogue
Ronisha Informatics Private Limited CatalogueRonisha Informatics Private Limited Catalogue
Ronisha Informatics Private Limited Catalogueitservices996
 
eSoftTools IMAP Backup Software and migration tools
eSoftTools IMAP Backup Software and migration toolseSoftTools IMAP Backup Software and migration tools
eSoftTools IMAP Backup Software and migration toolsosttopstonverter
 
Introduction to Firebase Workshop Slides
Introduction to Firebase Workshop SlidesIntroduction to Firebase Workshop Slides
Introduction to Firebase Workshop Slidesvaideheekore1
 
Understanding Flamingo - DeepMind's VLM Architecture
Understanding Flamingo - DeepMind's VLM ArchitectureUnderstanding Flamingo - DeepMind's VLM Architecture
Understanding Flamingo - DeepMind's VLM Architecturerahul_net
 
Strategies for using alternative queries to mitigate zero results
Strategies for using alternative queries to mitigate zero resultsStrategies for using alternative queries to mitigate zero results
Strategies for using alternative queries to mitigate zero resultsJean Silva
 
Amazon Bedrock in Action - presentation of the Bedrock's capabilities
Amazon Bedrock in Action - presentation of the Bedrock's capabilitiesAmazon Bedrock in Action - presentation of the Bedrock's capabilities
Amazon Bedrock in Action - presentation of the Bedrock's capabilitiesKrzysztofKkol1
 

Recently uploaded (20)

Tech Tuesday Slides - Introduction to Project Management with OnePlan's Work ...
Tech Tuesday Slides - Introduction to Project Management with OnePlan's Work ...Tech Tuesday Slides - Introduction to Project Management with OnePlan's Work ...
Tech Tuesday Slides - Introduction to Project Management with OnePlan's Work ...
 
Zer0con 2024 final share short version.pdf
Zer0con 2024 final share short version.pdfZer0con 2024 final share short version.pdf
Zer0con 2024 final share short version.pdf
 
2024 DevNexus Patterns for Resiliency: Shuffle shards
2024 DevNexus Patterns for Resiliency: Shuffle shards2024 DevNexus Patterns for Resiliency: Shuffle shards
2024 DevNexus Patterns for Resiliency: Shuffle shards
 
Large Language Models for Test Case Evolution and Repair
Large Language Models for Test Case Evolution and RepairLarge Language Models for Test Case Evolution and Repair
Large Language Models for Test Case Evolution and Repair
 
Best Angular 17 Classroom & Online training - Naresh IT
Best Angular 17 Classroom & Online training - Naresh ITBest Angular 17 Classroom & Online training - Naresh IT
Best Angular 17 Classroom & Online training - Naresh IT
 
Effectively Troubleshoot 9 Types of OutOfMemoryError
Effectively Troubleshoot 9 Types of OutOfMemoryErrorEffectively Troubleshoot 9 Types of OutOfMemoryError
Effectively Troubleshoot 9 Types of OutOfMemoryError
 
Osi security architecture in network.pptx
Osi security architecture in network.pptxOsi security architecture in network.pptx
Osi security architecture in network.pptx
 
OpenChain AI Study Group - Europe and Asia Recap - 2024-04-11 - Full Recording
OpenChain AI Study Group - Europe and Asia Recap - 2024-04-11 - Full RecordingOpenChain AI Study Group - Europe and Asia Recap - 2024-04-11 - Full Recording
OpenChain AI Study Group - Europe and Asia Recap - 2024-04-11 - Full Recording
 
UI5ers live - Custom Controls wrapping 3rd-party libs.pptx
UI5ers live - Custom Controls wrapping 3rd-party libs.pptxUI5ers live - Custom Controls wrapping 3rd-party libs.pptx
UI5ers live - Custom Controls wrapping 3rd-party libs.pptx
 
Keeping your build tool updated in a multi repository world
Keeping your build tool updated in a multi repository worldKeeping your build tool updated in a multi repository world
Keeping your build tool updated in a multi repository world
 
Data modeling 101 - Basics - Software Domain
Data modeling 101 - Basics - Software DomainData modeling 101 - Basics - Software Domain
Data modeling 101 - Basics - Software Domain
 
JavaLand 2024 - Going serverless with Quarkus GraalVM native images and AWS L...
JavaLand 2024 - Going serverless with Quarkus GraalVM native images and AWS L...JavaLand 2024 - Going serverless with Quarkus GraalVM native images and AWS L...
JavaLand 2024 - Going serverless with Quarkus GraalVM native images and AWS L...
 
Enhancing Supply Chain Visibility with Cargo Cloud Solutions.pdf
Enhancing Supply Chain Visibility with Cargo Cloud Solutions.pdfEnhancing Supply Chain Visibility with Cargo Cloud Solutions.pdf
Enhancing Supply Chain Visibility with Cargo Cloud Solutions.pdf
 
Copilot para Microsoft 365 y Power Platform Copilot
Copilot para Microsoft 365 y Power Platform CopilotCopilot para Microsoft 365 y Power Platform Copilot
Copilot para Microsoft 365 y Power Platform Copilot
 
Ronisha Informatics Private Limited Catalogue
Ronisha Informatics Private Limited CatalogueRonisha Informatics Private Limited Catalogue
Ronisha Informatics Private Limited Catalogue
 
eSoftTools IMAP Backup Software and migration tools
eSoftTools IMAP Backup Software and migration toolseSoftTools IMAP Backup Software and migration tools
eSoftTools IMAP Backup Software and migration tools
 
Introduction to Firebase Workshop Slides
Introduction to Firebase Workshop SlidesIntroduction to Firebase Workshop Slides
Introduction to Firebase Workshop Slides
 
Understanding Flamingo - DeepMind's VLM Architecture
Understanding Flamingo - DeepMind's VLM ArchitectureUnderstanding Flamingo - DeepMind's VLM Architecture
Understanding Flamingo - DeepMind's VLM Architecture
 
Strategies for using alternative queries to mitigate zero results
Strategies for using alternative queries to mitigate zero resultsStrategies for using alternative queries to mitigate zero results
Strategies for using alternative queries to mitigate zero results
 
Amazon Bedrock in Action - presentation of the Bedrock's capabilities
Amazon Bedrock in Action - presentation of the Bedrock's capabilitiesAmazon Bedrock in Action - presentation of the Bedrock's capabilities
Amazon Bedrock in Action - presentation of the Bedrock's capabilities
 

Generative adversarial networks