SlideShare a Scribd company logo
Ⅰ. Neural Network
Ⅱ. Generative Adversarial Nets
Ⅲ. Image-to-Image Translation
1. How does Neural Network learn?
2. What do we have to decide?
3. Why it’s hard to decide a loss function?
Neural Network
Ⅰ
What is the Neural Network?
How does Neural Network learn?
Preparing input and target pairs.
inputs targets
Lion
Cat
map
0
1
1
0
0
1
One-hot
encoding
Dog 2
0
0
0
0
1
How does Neural Network learn?
The weights of the network are arbitrarily set.
0.6
0.2
0.3
0.9
0.1
How does Neural Network learn?
Feed Forward
How does Neural Network learn?
Feed Forward
0.2
0.1
0.6
0.3
0.2
0.7
0.3
0.1
𝑠𝑢𝑚: 0.2 × 0.2 + 0.1 × 0.7 + 0.6 × 0.3 + 0.3 × 0.1 = 0.32
N21
𝑂𝑢𝑡𝑝𝑢𝑡 𝑜𝑓 𝑁21 = 𝑓 0.32 𝑓 𝑖𝑠 𝑎𝑐𝑡𝑖𝑣𝑎𝑡𝑖𝑜𝑛 𝑓𝑢𝑛𝑐𝑡𝑖𝑜𝑛 𝑜𝑓 𝑁21
𝑂𝑢𝑡𝑝𝑢𝑡 𝑜𝑓 𝑁21 = 𝑓 0.32 = 0.1024. 𝑖𝑓 𝑓 𝑥 = 𝑥2
How does Neural Network learn?
Calculate error
Sum of squares loss
Softmax loss
Cross entropy loss
Hinge loss
How does Neural Network learn?
−
Sum of squares loss
Softmax loss
Cross entropy loss
Hinge loss
0.2
0.8
Sum of squares loss = 0.08
0.2
0.8
Output of ANN
0.0
1.0
Target value
= 0.04
0.04
( )
2
How does Neural Network learn?
Feedback
What we have to decide?
Gradient Descent Optimization Algorithms
• Batch Gradient Descent
• Stochastic Gradient Descent (SGD)
• Momentum
• Nesterov Accelerated Gradient (NAG)
• Adagrad
• RMSProp
• AdaDelta
• Adam
What we have to decide?
Neural network structure
• VGG-19
• GoogLeNet
Training techniques
• Drop out
• sparse
Loss function and cost function
• Cross entropy
• Sum of squeares
Optimization algorithm
• Adam
• SDG
Why it’s hard to decide a loss function?
In classification.
Input
NN
Output of NN Target
Output of NN
Calculate NN output Calculate loss
loss
NN
Update weights
of NN using loss
Why it’s hard to decide a loss function?
In classification.
Output of NN Target
0.67
0.00
0.02
0.12
0.04
0.00
0.03
0.14
1.0
0.00
0.00
0.00
0.00
0.00
0.00
0.00
Loss
Sum of L1 norm Cross entropy
0.68 2.45
Why it’s hard to decide a loss function?
When an output of NN is image.
Input Ground truth L1
This image is captured from Phillip Isola, et al., “Image-to-Image with Conditional Adversarial Networks”,
CVPR, 2016
Why it’s hard to decide a loss function?
If output form is a digit.
Multiple choice questions
Essay questions
Art practical exam
If output form is a image.
Why it’s hard to decide a loss function?
If output form is a digit.
Multiple choice questions
Essay questions
Art practical exam
If output form is a image.
A difficulty of assessment
1. Generative Adversarial Networks
2. Training Tip
Generative Adversarial Nets
Ⅱ
Generative Adversarial Nets
Leonardo Dicaprio:
a counterfeiter
Tom Hanks:
FBI – a counterfeit money
discriminator
Generative Adversarial Nets
Counterfeiter
(Generator)
FBI
(Discriminator)
50,000 won
Can you
discriminate it is
counterfeit or
not?
I made a
counterfeit
money!
Generative Adversarial Nets
Counterfeiter
(Generator)
FBI
(Discriminator)
Oh, no!
I can’t
discriminate it is
counterfeit or
not.
Maybe it’s
counterfeit
money with 55%
probability!
50,000 won
Generative Adversarial Nets
FBI
(Discriminator)
50,000 won
Compare target and
output of generator.
Output of generator
target
Generative Adversarial Nets
Counterfeiter
(Generator)
FBI
(Discriminator)
50,000 won
Can you
discriminate it is
counterfeit or
not?
I made a
counterfeit
money!
Generative Adversarial Nets
Counterfeiter
(Generator)
FBI
(Discriminator)
50,000 won
It’s counterfeit
money with
99.9%
probability!
loss
Generative Adversarial Nets
FBI
(Discriminator)
50,000 won
Compare target and
output of generator.
Output of generator
target
Generative Adversarial Nets
Counterfeiter
(Generator)
FBI
(Discriminator)
Can you
discriminate it is
counterfeit or
not?
I made a
counterfeit
money again!
Generative Adversarial Nets
Counterfeiter
(Generator)
FBI
(Discriminator)
It’s counterfeit
money with
70.5%
probability!
loss
Generative Adversarial Nets
FBI
(Discriminator)
Compare target and
output of generator.
Output of generator
target
Generative Adversarial Nets
Counterfeiter
(Generator)
FBI
(Discriminator)
Can you
discriminate it is
counterfeit or
not?
I made a
counterfeit
money again!
Generative Adversarial Nets
Counterfeiter
(Generator)
FBI
(Discriminator)
Oh, no!
I can’t
discriminate it is
counterfeit or
not.
loss
Maybe it’s
counterfeit
money with 50%
probability!
Generative Adversarial Nets
FBI
(Discriminator)
Compare target and
output of generator.
Output of generator
target
Generative Adversarial Nets
D tries to make D(G(z)) near 0, G tries to make D(G(z)) near 1
This image is captured from Ian J. Goodfellow, et al., “Generative Adversarial Nets”.
Training Tip
min
𝐺
max
𝐷
𝑉(𝐷, 𝐺) = 𝔼 𝑥~𝑝 𝑑𝑎𝑡𝑎(𝑥) log 𝐷 𝑥 + 𝔼 𝑧~𝑝 𝑧(𝑧)[log(1 − 𝐷 𝐺(𝑧) )]
max
𝐺
𝑉(𝐷, 𝐺) = 𝔼 𝑧~𝑝 𝑧(𝑧)[log(𝐷 𝐺(𝑧) )]
max
𝐷
𝑉(𝐷, 𝐺) = 𝔼 𝑥~𝑝 𝑑𝑎𝑡𝑎(𝑥) log 𝐷 𝑥 + 𝔼 𝑧~𝑝 𝑧(𝑧)[log(1 − 𝐷 𝐺(𝑧) )]
min
𝐺
𝑉(𝐷, 𝐺) = −(𝔼 𝑧~𝑝 𝑧(𝑧)[log(𝐷 𝐺(𝑧) )])
min
𝐷
𝑉(𝐷, 𝐺) = −(𝔼 𝑥~𝑝 𝑑𝑎𝑡𝑎(𝑥) log 𝐷 𝑥 + 𝔼 𝑧~𝑝 𝑧(𝑧)[log(1 − 𝐷 𝐺(𝑧) )])
Training Tip
min
𝐺
max
𝐷
𝑉(𝐷, 𝐺) = 𝔼 𝑥~𝑝 𝑑𝑎𝑡𝑎(𝑥) log 𝐷 𝑥 + 𝔼 𝑧~𝑝 𝑧(𝑧)[log(1 − 𝐷 𝐺(𝑧) )]
max
𝐺
𝑉(𝐷, 𝐺) = 𝔼 𝑧~𝑝 𝑧(𝑧)[log(𝐷 𝐺(𝑧) )]
max
𝐷
𝑉(𝐷, 𝐺) = 𝔼 𝑥~𝑝 𝑑𝑎𝑡𝑎(𝑥) log 𝐷 𝑥 + 𝔼 𝑧~𝑝 𝑧(𝑧)[log(1 − 𝐷 𝐺(𝑧) )]
min
𝐺
𝑉(𝐷, 𝐺) = −(𝔼 𝑧~𝑝 𝑧(𝑧)[log(𝐷 𝐺(𝑧) )])
min
𝐷
𝑉(𝐷, 𝐺) = −(𝔼 𝑥~𝑝 𝑑𝑎𝑡𝑎(𝑥) log 𝐷 𝑥 + 𝔼 𝑧~𝑝 𝑧(𝑧)[log(1 − 𝐷 𝐺(𝑧) )])
1. Introduce
2. Method
3. Experiments
Image to Image translation
Ⅲ
Introduce
Conditional adversarial nets are a general-purpose solution
for image-to-image translation.
Code: https://github.com/phillipi/pix2pix
This image is captured from Phillip Isola, et al., “Image-to-Image with Conditional Adversarial Networks”,
CVPR, 2016
Method
GAN
G: z  y
Conditional GAN
G: {x, z}  y
This image is captured from Phillip Isola, et al., “Image-to-Image with Conditional Adversarial Networks”,
CVPR, 2016
Method
ℒ 𝑐𝐺𝐴𝑁(𝐺, 𝐷) = 𝔼 𝑥,𝑦 log 𝐷 𝑥, 𝑦 + 𝔼 𝑥,𝑧[log(1 − 𝐷 𝑥, 𝐺(𝑥, 𝑧) )]
ℒ 𝐺𝐴𝑁(𝐺, 𝐷) = 𝔼 𝑦 log 𝐷 𝑦 + 𝔼 𝑥,𝑧[log(1 − 𝐷 𝐺(𝑥, 𝑧) )]
ℒ 𝐿1(𝐺) = 𝔼 𝑥,𝑦,𝑧 𝑦 − 𝐺(𝑥, 𝑧) 1
𝐺∗ = 𝑎𝑟𝑔 min
𝐺
max
𝐷
ℒ 𝑐𝐺𝐴𝑁 𝐺, 𝐷 + 𝜆 ℒ 𝐿1(𝐺)
Objective function for GAN
Objective function for cGAN
Final objective function
Method
Network architectures
Generator
Discriminator – Markovian discriminator (PatchGAN)
This discriminator effectively models the image as a Markov random field.
This image is captured from Phillip Isola, et al., “Image-to-Image with Conditional Adversarial Netowrks”,
CVPR, 2016
Method
This image is captured from Phillip Isola, et al., “Image-to-Image with Conditional Adversarial Nets”,
https://www.slideshare.net/xavigiro/imagetoimage-translation-with-conditional-adversarial-nets-upc-reading-group
This image is captured from http://ccvl.jhu.edu/datasets/
Experiments
This image is captured from Phillip Isola, et al., “Image-to-Image with Conditional Adversarial Networks”,
CVPR, 2016
Experiments
This image is captured from Phillip Isola, et al., “Image-to-Image with Conditional Adversarial Networks”,
CVPR, 2016
Experiments
This image is captured from Phillip Isola, et al., “Image-to-Image with Conditional Adversarial Networks”,
CVPR, 2016
Experiments
Patch size variations.
This images are captured from Phillip Isola, et al., “Image-to-Image with Conditional Adversarial Networks”,
CVPR, 2016
References
[1] Ian J. Goodfellow, Jean Pouget-Abadie, Mehdi Mirza, Bing Xu, David Warde-Farley,
Sherjil Ozair, Aaron Courville, Yoshua Bengio, “Generative Adversarial Nets”, NIPS
2014
[2] Phillip Isola, Jun-Yan Zhu, Tinghui Zhou, Alexei A. Efros, “Image-to-Image
Translation with Conditional Adversarial Networks”, CVPR 2016
[3] Kwangil Kim, “Artificial Neural Networks”, Multimedia system lecture of KHU,
2017
[4] DL4J, “A Beginner’s Guide to Recurrent Networks and LSTMs”, 2017,
https://deeplearning4j.org/lstm.html. Accessed, 2018-01-29
[5] Phillip Isola, Jun-Yan Zhu, Tinghui, “Image-to-Image translation with conditional
Adversarial Nets”, Nov 25, 2016,
https://www.slideshare.net/xavigiro/imagetoimage-translation-with-conditional-
adversarial-nets-upc-reading-group. Accessed, 2018-01-29
[6] CCVL, “Datasets: PASCAL Part Segmentation Challenge”, 2018
http://ccvl.jhu.edu/datasets/. Accessed, 2018-01-29
Gan seminar

More Related Content

What's hot

An introduction to deep reinforcement learning
An introduction to deep reinforcement learningAn introduction to deep reinforcement learning
An introduction to deep reinforcement learning
Big Data Colombia
 
Deep Reinforcement Learning
Deep Reinforcement LearningDeep Reinforcement Learning
Deep Reinforcement Learning
Usman Qayyum
 
Particle Swarm Optimization - PSO
Particle Swarm Optimization - PSOParticle Swarm Optimization - PSO
Particle Swarm Optimization - PSO
Mohamed Talaat
 
Self Organizing Maps
Self Organizing MapsSelf Organizing Maps
Self Organizing Maps
Daksh Raj Chopra
 
GAN - Theory and Applications
GAN - Theory and ApplicationsGAN - Theory and Applications
GAN - Theory and Applications
Emanuele Ghelfi
 
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
 
LSH
LSHLSH
Convolution Neural Network (CNN)
Convolution Neural Network (CNN)Convolution Neural Network (CNN)
Convolution Neural Network (CNN)
Suraj Aavula
 
Generative Adversarial Network (GAN)
Generative Adversarial Network (GAN)Generative Adversarial Network (GAN)
Generative Adversarial Network (GAN)
Prakhar Rastogi
 
YOLO
YOLOYOLO
Gradient descent method
Gradient descent methodGradient descent method
Gradient descent method
Sanghyuk Chun
 
Convolutional Neural Networks (CNN)
Convolutional Neural Networks (CNN)Convolutional Neural Networks (CNN)
Convolutional Neural Networks (CNN)
Gaurav Mittal
 
Optimizers
OptimizersOptimizers
Optimizers
Il Gu Yi
 
Fuzzy Clustering(C-means, K-means)
Fuzzy Clustering(C-means, K-means)Fuzzy Clustering(C-means, K-means)
Fuzzy Clustering(C-means, K-means)
Fellowship at Vodafone FutureLab
 
Recurrent Neural Networks, LSTM and GRU
Recurrent Neural Networks, LSTM and GRURecurrent Neural Networks, LSTM and GRU
Recurrent Neural Networks, LSTM and GRU
ananth
 
Neural Networks: Multilayer Perceptron
Neural Networks: Multilayer PerceptronNeural Networks: Multilayer Perceptron
Neural Networks: Multilayer Perceptron
Mostafa G. M. Mostafa
 
Introduction to Recurrent Neural Network
Introduction to Recurrent Neural NetworkIntroduction to Recurrent Neural Network
Introduction to Recurrent Neural Network
Yan Xu
 
Reinforcement Learning
Reinforcement LearningReinforcement Learning
Reinforcement Learning
Salem-Kabbani
 
Reinforcement learning
Reinforcement learning Reinforcement learning
Reinforcement learning
Chandra Meena
 
GANs Presentation.pptx
GANs Presentation.pptxGANs Presentation.pptx
GANs Presentation.pptx
MAHMOUD729246
 

What's hot (20)

An introduction to deep reinforcement learning
An introduction to deep reinforcement learningAn introduction to deep reinforcement learning
An introduction to deep reinforcement learning
 
Deep Reinforcement Learning
Deep Reinforcement LearningDeep Reinforcement Learning
Deep Reinforcement Learning
 
Particle Swarm Optimization - PSO
Particle Swarm Optimization - PSOParticle Swarm Optimization - PSO
Particle Swarm Optimization - PSO
 
Self Organizing Maps
Self Organizing MapsSelf Organizing Maps
Self Organizing Maps
 
GAN - Theory and Applications
GAN - Theory and ApplicationsGAN - Theory and Applications
GAN - Theory and Applications
 
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...
 
LSH
LSHLSH
LSH
 
Convolution Neural Network (CNN)
Convolution Neural Network (CNN)Convolution Neural Network (CNN)
Convolution Neural Network (CNN)
 
Generative Adversarial Network (GAN)
Generative Adversarial Network (GAN)Generative Adversarial Network (GAN)
Generative Adversarial Network (GAN)
 
YOLO
YOLOYOLO
YOLO
 
Gradient descent method
Gradient descent methodGradient descent method
Gradient descent method
 
Convolutional Neural Networks (CNN)
Convolutional Neural Networks (CNN)Convolutional Neural Networks (CNN)
Convolutional Neural Networks (CNN)
 
Optimizers
OptimizersOptimizers
Optimizers
 
Fuzzy Clustering(C-means, K-means)
Fuzzy Clustering(C-means, K-means)Fuzzy Clustering(C-means, K-means)
Fuzzy Clustering(C-means, K-means)
 
Recurrent Neural Networks, LSTM and GRU
Recurrent Neural Networks, LSTM and GRURecurrent Neural Networks, LSTM and GRU
Recurrent Neural Networks, LSTM and GRU
 
Neural Networks: Multilayer Perceptron
Neural Networks: Multilayer PerceptronNeural Networks: Multilayer Perceptron
Neural Networks: Multilayer Perceptron
 
Introduction to Recurrent Neural Network
Introduction to Recurrent Neural NetworkIntroduction to Recurrent Neural Network
Introduction to Recurrent Neural Network
 
Reinforcement Learning
Reinforcement LearningReinforcement Learning
Reinforcement Learning
 
Reinforcement learning
Reinforcement learning Reinforcement learning
Reinforcement learning
 
GANs Presentation.pptx
GANs Presentation.pptxGANs Presentation.pptx
GANs Presentation.pptx
 

Similar to Gan seminar

Deep learning study 2
Deep learning study 2Deep learning study 2
Deep learning study 2
San Kim
 
Le Song, Assistant Professor, College of Computing, Georgia Institute of Tech...
Le Song, Assistant Professor, College of Computing, Georgia Institute of Tech...Le Song, Assistant Professor, College of Computing, Georgia Institute of Tech...
Le Song, Assistant Professor, College of Computing, Georgia Institute of Tech...
MLconf
 
DNN.pptx
DNN.pptxDNN.pptx
DNN.pptx
someshleocola
 
What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...
What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...
What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...
Simplilearn
 
Artificial Neural Networks-Supervised Learning Models
Artificial Neural Networks-Supervised Learning ModelsArtificial Neural Networks-Supervised Learning Models
Artificial Neural Networks-Supervised Learning Models
DrBaljitSinghKhehra
 
Artificial Neural Networks-Supervised Learning Models
Artificial Neural Networks-Supervised Learning ModelsArtificial Neural Networks-Supervised Learning Models
Artificial Neural Networks-Supervised Learning Models
DrBaljitSinghKhehra
 
Artificial Neural Networks-Supervised Learning Models
Artificial Neural Networks-Supervised Learning ModelsArtificial Neural Networks-Supervised Learning Models
Artificial Neural Networks-Supervised Learning Models
DrBaljitSinghKhehra
 
Lesson_8_DeepLearning.pdf
Lesson_8_DeepLearning.pdfLesson_8_DeepLearning.pdf
Lesson_8_DeepLearning.pdf
ssuser7f0b19
 
Intoduction to Neural Network
Intoduction to Neural NetworkIntoduction to Neural Network
Intoduction to Neural Network
Dr. Sanjay Shitole
 
Eye deep
Eye deepEye deep
Eye deep
sveitser
 
Artificial Neural Network
Artificial Neural NetworkArtificial Neural Network
Artificial Neural Network
Dessy Amirudin
 
Deep Residual Hashing Neural Network for Image Retrieval
Deep Residual Hashing Neural Network for Image RetrievalDeep Residual Hashing Neural Network for Image Retrieval
Deep Residual Hashing Neural Network for Image Retrieval
Edwin Efraín Jiménez Lepe
 
Neural networks
Neural networksNeural networks
Neural networks
HarshitGupta367
 
Batch normalization presentation
Batch normalization presentationBatch normalization presentation
Batch normalization presentation
Owin Will
 
机器学习Adaboost
机器学习Adaboost机器学习Adaboost
机器学习Adaboost
Shocky1
 
Deep learning simplified
Deep learning simplifiedDeep learning simplified
Deep learning simplified
Lovelyn Rose
 
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
Electronic Arts / DICE
 
Introduction to Neural Networks
Introduction to Neural NetworksIntroduction to Neural Networks
Introduction to Neural Networks
Databricks
 
[DSC 2016] 系列活動:李宏毅 / 一天搞懂深度學習
[DSC 2016] 系列活動:李宏毅 / 一天搞懂深度學習[DSC 2016] 系列活動:李宏毅 / 一天搞懂深度學習
[DSC 2016] 系列活動:李宏毅 / 一天搞懂深度學習
台灣資料科學年會
 
Fuzzy entropy based optimal
Fuzzy entropy based optimalFuzzy entropy based optimal
Fuzzy entropy based optimal
ijsc
 

Similar to Gan seminar (20)

Deep learning study 2
Deep learning study 2Deep learning study 2
Deep learning study 2
 
Le Song, Assistant Professor, College of Computing, Georgia Institute of Tech...
Le Song, Assistant Professor, College of Computing, Georgia Institute of Tech...Le Song, Assistant Professor, College of Computing, Georgia Institute of Tech...
Le Song, Assistant Professor, College of Computing, Georgia Institute of Tech...
 
DNN.pptx
DNN.pptxDNN.pptx
DNN.pptx
 
What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...
What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...
What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...
 
Artificial Neural Networks-Supervised Learning Models
Artificial Neural Networks-Supervised Learning ModelsArtificial Neural Networks-Supervised Learning Models
Artificial Neural Networks-Supervised Learning Models
 
Artificial Neural Networks-Supervised Learning Models
Artificial Neural Networks-Supervised Learning ModelsArtificial Neural Networks-Supervised Learning Models
Artificial Neural Networks-Supervised Learning Models
 
Artificial Neural Networks-Supervised Learning Models
Artificial Neural Networks-Supervised Learning ModelsArtificial Neural Networks-Supervised Learning Models
Artificial Neural Networks-Supervised Learning Models
 
Lesson_8_DeepLearning.pdf
Lesson_8_DeepLearning.pdfLesson_8_DeepLearning.pdf
Lesson_8_DeepLearning.pdf
 
Intoduction to Neural Network
Intoduction to Neural NetworkIntoduction to Neural Network
Intoduction to Neural Network
 
Eye deep
Eye deepEye deep
Eye deep
 
Artificial Neural Network
Artificial Neural NetworkArtificial Neural Network
Artificial Neural Network
 
Deep Residual Hashing Neural Network for Image Retrieval
Deep Residual Hashing Neural Network for Image RetrievalDeep Residual Hashing Neural Network for Image Retrieval
Deep Residual Hashing Neural Network for Image Retrieval
 
Neural networks
Neural networksNeural networks
Neural networks
 
Batch normalization presentation
Batch normalization presentationBatch normalization presentation
Batch normalization presentation
 
机器学习Adaboost
机器学习Adaboost机器学习Adaboost
机器学习Adaboost
 
Deep learning simplified
Deep learning simplifiedDeep learning simplified
Deep learning simplified
 
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
 
Introduction to Neural Networks
Introduction to Neural NetworksIntroduction to Neural Networks
Introduction to Neural Networks
 
[DSC 2016] 系列活動:李宏毅 / 一天搞懂深度學習
[DSC 2016] 系列活動:李宏毅 / 一天搞懂深度學習[DSC 2016] 系列活動:李宏毅 / 一天搞懂深度學習
[DSC 2016] 系列活動:李宏毅 / 一天搞懂深度學習
 
Fuzzy entropy based optimal
Fuzzy entropy based optimalFuzzy entropy based optimal
Fuzzy entropy based optimal
 

More from San Kim

20230419-LLaMA-Adapter_ Efficient Fine-tuning of Language Models with Zero-in...
20230419-LLaMA-Adapter_ Efficient Fine-tuning of Language Models with Zero-in...20230419-LLaMA-Adapter_ Efficient Fine-tuning of Language Models with Zero-in...
20230419-LLaMA-Adapter_ Efficient Fine-tuning of Language Models with Zero-in...
San Kim
 
2023 EMNLP day_san.pptx
2023 EMNLP day_san.pptx2023 EMNLP day_san.pptx
2023 EMNLP day_san.pptx
San Kim
 
LongT5_Efficient Text-toText Transformer for Long Sequences_san.pptx
LongT5_Efficient Text-toText Transformer for Long Sequences_san.pptxLongT5_Efficient Text-toText Transformer for Long Sequences_san.pptx
LongT5_Efficient Text-toText Transformer for Long Sequences_san.pptx
San Kim
 
slide-acl2022-combined_san.pptx
slide-acl2022-combined_san.pptxslide-acl2022-combined_san.pptx
slide-acl2022-combined_san.pptx
San Kim
 
Compeition-Level Code Generation with AlphaCode.pptx
Compeition-Level Code Generation with AlphaCode.pptxCompeition-Level Code Generation with AlphaCode.pptx
Compeition-Level Code Generation with AlphaCode.pptx
San Kim
 
Intrinsic Dimensionality Explains the Effectiveness of Language Model Fine-Tu...
Intrinsic Dimensionality Explains the Effectiveness of Language Model Fine-Tu...Intrinsic Dimensionality Explains the Effectiveness of Language Model Fine-Tu...
Intrinsic Dimensionality Explains the Effectiveness of Language Model Fine-Tu...
San Kim
 
AI2 day.pptx
AI2 day.pptxAI2 day.pptx
AI2 day.pptx
San Kim
 
Temporal reasoning task
Temporal reasoning taskTemporal reasoning task
Temporal reasoning task
San Kim
 
Answering complex open domain questions with multi-hop dense retrieval
Answering complex open domain questions with multi-hop dense retrievalAnswering complex open domain questions with multi-hop dense retrieval
Answering complex open domain questions with multi-hop dense retrieval
San Kim
 
Measuring massive multitask language understanding
Measuring massive multitask language understandingMeasuring massive multitask language understanding
Measuring massive multitask language understanding
San Kim
 
Abductive commonsense reasoning
Abductive commonsense reasoningAbductive commonsense reasoning
Abductive commonsense reasoning
San Kim
 
Electra
ElectraElectra
Electra
San Kim
 
XLnet RoBERTa Reformer
XLnet RoBERTa ReformerXLnet RoBERTa Reformer
XLnet RoBERTa Reformer
San Kim
 
Transformer xl
Transformer xlTransformer xl
Transformer xl
San Kim
 
Face recognition v1
Face recognition v1Face recognition v1
Face recognition v1
San Kim
 
Deep learning study 3
Deep learning study 3Deep learning study 3
Deep learning study 3
San Kim
 
Deep learning study 1
Deep learning study 1Deep learning study 1
Deep learning study 1
San Kim
 
Back propagation
Back propagationBack propagation
Back propagation
San Kim
 

More from San Kim (18)

20230419-LLaMA-Adapter_ Efficient Fine-tuning of Language Models with Zero-in...
20230419-LLaMA-Adapter_ Efficient Fine-tuning of Language Models with Zero-in...20230419-LLaMA-Adapter_ Efficient Fine-tuning of Language Models with Zero-in...
20230419-LLaMA-Adapter_ Efficient Fine-tuning of Language Models with Zero-in...
 
2023 EMNLP day_san.pptx
2023 EMNLP day_san.pptx2023 EMNLP day_san.pptx
2023 EMNLP day_san.pptx
 
LongT5_Efficient Text-toText Transformer for Long Sequences_san.pptx
LongT5_Efficient Text-toText Transformer for Long Sequences_san.pptxLongT5_Efficient Text-toText Transformer for Long Sequences_san.pptx
LongT5_Efficient Text-toText Transformer for Long Sequences_san.pptx
 
slide-acl2022-combined_san.pptx
slide-acl2022-combined_san.pptxslide-acl2022-combined_san.pptx
slide-acl2022-combined_san.pptx
 
Compeition-Level Code Generation with AlphaCode.pptx
Compeition-Level Code Generation with AlphaCode.pptxCompeition-Level Code Generation with AlphaCode.pptx
Compeition-Level Code Generation with AlphaCode.pptx
 
Intrinsic Dimensionality Explains the Effectiveness of Language Model Fine-Tu...
Intrinsic Dimensionality Explains the Effectiveness of Language Model Fine-Tu...Intrinsic Dimensionality Explains the Effectiveness of Language Model Fine-Tu...
Intrinsic Dimensionality Explains the Effectiveness of Language Model Fine-Tu...
 
AI2 day.pptx
AI2 day.pptxAI2 day.pptx
AI2 day.pptx
 
Temporal reasoning task
Temporal reasoning taskTemporal reasoning task
Temporal reasoning task
 
Answering complex open domain questions with multi-hop dense retrieval
Answering complex open domain questions with multi-hop dense retrievalAnswering complex open domain questions with multi-hop dense retrieval
Answering complex open domain questions with multi-hop dense retrieval
 
Measuring massive multitask language understanding
Measuring massive multitask language understandingMeasuring massive multitask language understanding
Measuring massive multitask language understanding
 
Abductive commonsense reasoning
Abductive commonsense reasoningAbductive commonsense reasoning
Abductive commonsense reasoning
 
Electra
ElectraElectra
Electra
 
XLnet RoBERTa Reformer
XLnet RoBERTa ReformerXLnet RoBERTa Reformer
XLnet RoBERTa Reformer
 
Transformer xl
Transformer xlTransformer xl
Transformer xl
 
Face recognition v1
Face recognition v1Face recognition v1
Face recognition v1
 
Deep learning study 3
Deep learning study 3Deep learning study 3
Deep learning study 3
 
Deep learning study 1
Deep learning study 1Deep learning study 1
Deep learning study 1
 
Back propagation
Back propagationBack propagation
Back propagation
 

Recently uploaded

Equivariant neural networks and representation theory
Equivariant neural networks and representation theoryEquivariant neural networks and representation theory
Equivariant neural networks and representation theory
Daniel Tubbenhauer
 
Topic: SICKLE CELL DISEASE IN CHILDREN-3.pdf
Topic: SICKLE CELL DISEASE IN CHILDREN-3.pdfTopic: SICKLE CELL DISEASE IN CHILDREN-3.pdf
Topic: SICKLE CELL DISEASE IN CHILDREN-3.pdf
TinyAnderson
 
NuGOweek 2024 Ghent programme overview flyer
NuGOweek 2024 Ghent programme overview flyerNuGOweek 2024 Ghent programme overview flyer
NuGOweek 2024 Ghent programme overview flyer
pablovgd
 
Randomised Optimisation Algorithms in DAPHNE
Randomised Optimisation Algorithms in DAPHNERandomised Optimisation Algorithms in DAPHNE
Randomised Optimisation Algorithms in DAPHNE
University of Maribor
 
The binding of cosmological structures by massless topological defects
The binding of cosmological structures by massless topological defectsThe binding of cosmological structures by massless topological defects
The binding of cosmological structures by massless topological defects
Sérgio Sacani
 
Phenomics assisted breeding in crop improvement
Phenomics assisted breeding in crop improvementPhenomics assisted breeding in crop improvement
Phenomics assisted breeding in crop improvement
IshaGoswami9
 
Nucleophilic Addition of carbonyl compounds.pptx
Nucleophilic Addition of carbonyl  compounds.pptxNucleophilic Addition of carbonyl  compounds.pptx
Nucleophilic Addition of carbonyl compounds.pptx
SSR02
 
3D Hybrid PIC simulation of the plasma expansion (ISSS-14)
3D Hybrid PIC simulation of the plasma expansion (ISSS-14)3D Hybrid PIC simulation of the plasma expansion (ISSS-14)
3D Hybrid PIC simulation of the plasma expansion (ISSS-14)
David Osipyan
 
Travis Hills' Endeavors in Minnesota: Fostering Environmental and Economic Pr...
Travis Hills' Endeavors in Minnesota: Fostering Environmental and Economic Pr...Travis Hills' Endeavors in Minnesota: Fostering Environmental and Economic Pr...
Travis Hills' Endeavors in Minnesota: Fostering Environmental and Economic Pr...
Travis Hills MN
 
20240520 Planning a Circuit Simulator in JavaScript.pptx
20240520 Planning a Circuit Simulator in JavaScript.pptx20240520 Planning a Circuit Simulator in JavaScript.pptx
20240520 Planning a Circuit Simulator in JavaScript.pptx
Sharon Liu
 
Comparing Evolved Extractive Text Summary Scores of Bidirectional Encoder Rep...
Comparing Evolved Extractive Text Summary Scores of Bidirectional Encoder Rep...Comparing Evolved Extractive Text Summary Scores of Bidirectional Encoder Rep...
Comparing Evolved Extractive Text Summary Scores of Bidirectional Encoder Rep...
University of Maribor
 
ANAMOLOUS SECONDARY GROWTH IN DICOT ROOTS.pptx
ANAMOLOUS SECONDARY GROWTH IN DICOT ROOTS.pptxANAMOLOUS SECONDARY GROWTH IN DICOT ROOTS.pptx
ANAMOLOUS SECONDARY GROWTH IN DICOT ROOTS.pptx
RASHMI M G
 
Cytokines and their role in immune regulation.pptx
Cytokines and their role in immune regulation.pptxCytokines and their role in immune regulation.pptx
Cytokines and their role in immune regulation.pptx
Hitesh Sikarwar
 
Unlocking the mysteries of reproduction: Exploring fecundity and gonadosomati...
Unlocking the mysteries of reproduction: Exploring fecundity and gonadosomati...Unlocking the mysteries of reproduction: Exploring fecundity and gonadosomati...
Unlocking the mysteries of reproduction: Exploring fecundity and gonadosomati...
AbdullaAlAsif1
 
ESR spectroscopy in liquid food and beverages.pptx
ESR spectroscopy in liquid food and beverages.pptxESR spectroscopy in liquid food and beverages.pptx
ESR spectroscopy in liquid food and beverages.pptx
PRIYANKA PATEL
 
aziz sancar nobel prize winner: from mardin to nobel
aziz sancar nobel prize winner: from mardin to nobelaziz sancar nobel prize winner: from mardin to nobel
aziz sancar nobel prize winner: from mardin to nobel
İsa Badur
 
BREEDING METHODS FOR DISEASE RESISTANCE.pptx
BREEDING METHODS FOR DISEASE RESISTANCE.pptxBREEDING METHODS FOR DISEASE RESISTANCE.pptx
BREEDING METHODS FOR DISEASE RESISTANCE.pptx
RASHMI M G
 
Thornton ESPP slides UK WW Network 4_6_24.pdf
Thornton ESPP slides UK WW Network 4_6_24.pdfThornton ESPP slides UK WW Network 4_6_24.pdf
Thornton ESPP slides UK WW Network 4_6_24.pdf
European Sustainable Phosphorus Platform
 
8.Isolation of pure cultures and preservation of cultures.pdf
8.Isolation of pure cultures and preservation of cultures.pdf8.Isolation of pure cultures and preservation of cultures.pdf
8.Isolation of pure cultures and preservation of cultures.pdf
by6843629
 
molar-distalization in orthodontics-seminar.pptx
molar-distalization in orthodontics-seminar.pptxmolar-distalization in orthodontics-seminar.pptx
molar-distalization in orthodontics-seminar.pptx
Anagha Prasad
 

Recently uploaded (20)

Equivariant neural networks and representation theory
Equivariant neural networks and representation theoryEquivariant neural networks and representation theory
Equivariant neural networks and representation theory
 
Topic: SICKLE CELL DISEASE IN CHILDREN-3.pdf
Topic: SICKLE CELL DISEASE IN CHILDREN-3.pdfTopic: SICKLE CELL DISEASE IN CHILDREN-3.pdf
Topic: SICKLE CELL DISEASE IN CHILDREN-3.pdf
 
NuGOweek 2024 Ghent programme overview flyer
NuGOweek 2024 Ghent programme overview flyerNuGOweek 2024 Ghent programme overview flyer
NuGOweek 2024 Ghent programme overview flyer
 
Randomised Optimisation Algorithms in DAPHNE
Randomised Optimisation Algorithms in DAPHNERandomised Optimisation Algorithms in DAPHNE
Randomised Optimisation Algorithms in DAPHNE
 
The binding of cosmological structures by massless topological defects
The binding of cosmological structures by massless topological defectsThe binding of cosmological structures by massless topological defects
The binding of cosmological structures by massless topological defects
 
Phenomics assisted breeding in crop improvement
Phenomics assisted breeding in crop improvementPhenomics assisted breeding in crop improvement
Phenomics assisted breeding in crop improvement
 
Nucleophilic Addition of carbonyl compounds.pptx
Nucleophilic Addition of carbonyl  compounds.pptxNucleophilic Addition of carbonyl  compounds.pptx
Nucleophilic Addition of carbonyl compounds.pptx
 
3D Hybrid PIC simulation of the plasma expansion (ISSS-14)
3D Hybrid PIC simulation of the plasma expansion (ISSS-14)3D Hybrid PIC simulation of the plasma expansion (ISSS-14)
3D Hybrid PIC simulation of the plasma expansion (ISSS-14)
 
Travis Hills' Endeavors in Minnesota: Fostering Environmental and Economic Pr...
Travis Hills' Endeavors in Minnesota: Fostering Environmental and Economic Pr...Travis Hills' Endeavors in Minnesota: Fostering Environmental and Economic Pr...
Travis Hills' Endeavors in Minnesota: Fostering Environmental and Economic Pr...
 
20240520 Planning a Circuit Simulator in JavaScript.pptx
20240520 Planning a Circuit Simulator in JavaScript.pptx20240520 Planning a Circuit Simulator in JavaScript.pptx
20240520 Planning a Circuit Simulator in JavaScript.pptx
 
Comparing Evolved Extractive Text Summary Scores of Bidirectional Encoder Rep...
Comparing Evolved Extractive Text Summary Scores of Bidirectional Encoder Rep...Comparing Evolved Extractive Text Summary Scores of Bidirectional Encoder Rep...
Comparing Evolved Extractive Text Summary Scores of Bidirectional Encoder Rep...
 
ANAMOLOUS SECONDARY GROWTH IN DICOT ROOTS.pptx
ANAMOLOUS SECONDARY GROWTH IN DICOT ROOTS.pptxANAMOLOUS SECONDARY GROWTH IN DICOT ROOTS.pptx
ANAMOLOUS SECONDARY GROWTH IN DICOT ROOTS.pptx
 
Cytokines and their role in immune regulation.pptx
Cytokines and their role in immune regulation.pptxCytokines and their role in immune regulation.pptx
Cytokines and their role in immune regulation.pptx
 
Unlocking the mysteries of reproduction: Exploring fecundity and gonadosomati...
Unlocking the mysteries of reproduction: Exploring fecundity and gonadosomati...Unlocking the mysteries of reproduction: Exploring fecundity and gonadosomati...
Unlocking the mysteries of reproduction: Exploring fecundity and gonadosomati...
 
ESR spectroscopy in liquid food and beverages.pptx
ESR spectroscopy in liquid food and beverages.pptxESR spectroscopy in liquid food and beverages.pptx
ESR spectroscopy in liquid food and beverages.pptx
 
aziz sancar nobel prize winner: from mardin to nobel
aziz sancar nobel prize winner: from mardin to nobelaziz sancar nobel prize winner: from mardin to nobel
aziz sancar nobel prize winner: from mardin to nobel
 
BREEDING METHODS FOR DISEASE RESISTANCE.pptx
BREEDING METHODS FOR DISEASE RESISTANCE.pptxBREEDING METHODS FOR DISEASE RESISTANCE.pptx
BREEDING METHODS FOR DISEASE RESISTANCE.pptx
 
Thornton ESPP slides UK WW Network 4_6_24.pdf
Thornton ESPP slides UK WW Network 4_6_24.pdfThornton ESPP slides UK WW Network 4_6_24.pdf
Thornton ESPP slides UK WW Network 4_6_24.pdf
 
8.Isolation of pure cultures and preservation of cultures.pdf
8.Isolation of pure cultures and preservation of cultures.pdf8.Isolation of pure cultures and preservation of cultures.pdf
8.Isolation of pure cultures and preservation of cultures.pdf
 
molar-distalization in orthodontics-seminar.pptx
molar-distalization in orthodontics-seminar.pptxmolar-distalization in orthodontics-seminar.pptx
molar-distalization in orthodontics-seminar.pptx
 

Gan seminar

  • 1.
  • 2. Ⅰ. Neural Network Ⅱ. Generative Adversarial Nets Ⅲ. Image-to-Image Translation
  • 3. 1. How does Neural Network learn? 2. What do we have to decide? 3. Why it’s hard to decide a loss function? Neural Network Ⅰ
  • 4. What is the Neural Network?
  • 5. How does Neural Network learn? Preparing input and target pairs. inputs targets Lion Cat map 0 1 1 0 0 1 One-hot encoding Dog 2 0 0 0 0 1
  • 6. How does Neural Network learn? The weights of the network are arbitrarily set. 0.6 0.2 0.3 0.9 0.1
  • 7. How does Neural Network learn? Feed Forward
  • 8. How does Neural Network learn? Feed Forward 0.2 0.1 0.6 0.3 0.2 0.7 0.3 0.1 𝑠𝑢𝑚: 0.2 × 0.2 + 0.1 × 0.7 + 0.6 × 0.3 + 0.3 × 0.1 = 0.32 N21 𝑂𝑢𝑡𝑝𝑢𝑡 𝑜𝑓 𝑁21 = 𝑓 0.32 𝑓 𝑖𝑠 𝑎𝑐𝑡𝑖𝑣𝑎𝑡𝑖𝑜𝑛 𝑓𝑢𝑛𝑐𝑡𝑖𝑜𝑛 𝑜𝑓 𝑁21 𝑂𝑢𝑡𝑝𝑢𝑡 𝑜𝑓 𝑁21 = 𝑓 0.32 = 0.1024. 𝑖𝑓 𝑓 𝑥 = 𝑥2
  • 9. How does Neural Network learn? Calculate error Sum of squares loss Softmax loss Cross entropy loss Hinge loss
  • 10. How does Neural Network learn? − Sum of squares loss Softmax loss Cross entropy loss Hinge loss 0.2 0.8 Sum of squares loss = 0.08 0.2 0.8 Output of ANN 0.0 1.0 Target value = 0.04 0.04 ( ) 2
  • 11. How does Neural Network learn? Feedback
  • 12. What we have to decide? Gradient Descent Optimization Algorithms • Batch Gradient Descent • Stochastic Gradient Descent (SGD) • Momentum • Nesterov Accelerated Gradient (NAG) • Adagrad • RMSProp • AdaDelta • Adam
  • 13. What we have to decide? Neural network structure • VGG-19 • GoogLeNet Training techniques • Drop out • sparse Loss function and cost function • Cross entropy • Sum of squeares Optimization algorithm • Adam • SDG
  • 14. Why it’s hard to decide a loss function? In classification. Input NN Output of NN Target Output of NN Calculate NN output Calculate loss loss NN Update weights of NN using loss
  • 15. Why it’s hard to decide a loss function? In classification. Output of NN Target 0.67 0.00 0.02 0.12 0.04 0.00 0.03 0.14 1.0 0.00 0.00 0.00 0.00 0.00 0.00 0.00 Loss Sum of L1 norm Cross entropy 0.68 2.45
  • 16. Why it’s hard to decide a loss function? When an output of NN is image. Input Ground truth L1 This image is captured from Phillip Isola, et al., “Image-to-Image with Conditional Adversarial Networks”, CVPR, 2016
  • 17. Why it’s hard to decide a loss function? If output form is a digit. Multiple choice questions Essay questions Art practical exam If output form is a image.
  • 18. Why it’s hard to decide a loss function? If output form is a digit. Multiple choice questions Essay questions Art practical exam If output form is a image. A difficulty of assessment
  • 19. 1. Generative Adversarial Networks 2. Training Tip Generative Adversarial Nets Ⅱ
  • 20. Generative Adversarial Nets Leonardo Dicaprio: a counterfeiter Tom Hanks: FBI – a counterfeit money discriminator
  • 21. Generative Adversarial Nets Counterfeiter (Generator) FBI (Discriminator) 50,000 won Can you discriminate it is counterfeit or not? I made a counterfeit money!
  • 22. Generative Adversarial Nets Counterfeiter (Generator) FBI (Discriminator) Oh, no! I can’t discriminate it is counterfeit or not. Maybe it’s counterfeit money with 55% probability! 50,000 won
  • 23. Generative Adversarial Nets FBI (Discriminator) 50,000 won Compare target and output of generator. Output of generator target
  • 24. Generative Adversarial Nets Counterfeiter (Generator) FBI (Discriminator) 50,000 won Can you discriminate it is counterfeit or not? I made a counterfeit money!
  • 25. Generative Adversarial Nets Counterfeiter (Generator) FBI (Discriminator) 50,000 won It’s counterfeit money with 99.9% probability! loss
  • 26. Generative Adversarial Nets FBI (Discriminator) 50,000 won Compare target and output of generator. Output of generator target
  • 27. Generative Adversarial Nets Counterfeiter (Generator) FBI (Discriminator) Can you discriminate it is counterfeit or not? I made a counterfeit money again!
  • 29. Generative Adversarial Nets FBI (Discriminator) Compare target and output of generator. Output of generator target
  • 30. Generative Adversarial Nets Counterfeiter (Generator) FBI (Discriminator) Can you discriminate it is counterfeit or not? I made a counterfeit money again!
  • 31. Generative Adversarial Nets Counterfeiter (Generator) FBI (Discriminator) Oh, no! I can’t discriminate it is counterfeit or not. loss Maybe it’s counterfeit money with 50% probability!
  • 32. Generative Adversarial Nets FBI (Discriminator) Compare target and output of generator. Output of generator target
  • 33. Generative Adversarial Nets D tries to make D(G(z)) near 0, G tries to make D(G(z)) near 1 This image is captured from Ian J. Goodfellow, et al., “Generative Adversarial Nets”.
  • 34. Training Tip min 𝐺 max 𝐷 𝑉(𝐷, 𝐺) = 𝔼 𝑥~𝑝 𝑑𝑎𝑡𝑎(𝑥) log 𝐷 𝑥 + 𝔼 𝑧~𝑝 𝑧(𝑧)[log(1 − 𝐷 𝐺(𝑧) )] max 𝐺 𝑉(𝐷, 𝐺) = 𝔼 𝑧~𝑝 𝑧(𝑧)[log(𝐷 𝐺(𝑧) )] max 𝐷 𝑉(𝐷, 𝐺) = 𝔼 𝑥~𝑝 𝑑𝑎𝑡𝑎(𝑥) log 𝐷 𝑥 + 𝔼 𝑧~𝑝 𝑧(𝑧)[log(1 − 𝐷 𝐺(𝑧) )] min 𝐺 𝑉(𝐷, 𝐺) = −(𝔼 𝑧~𝑝 𝑧(𝑧)[log(𝐷 𝐺(𝑧) )]) min 𝐷 𝑉(𝐷, 𝐺) = −(𝔼 𝑥~𝑝 𝑑𝑎𝑡𝑎(𝑥) log 𝐷 𝑥 + 𝔼 𝑧~𝑝 𝑧(𝑧)[log(1 − 𝐷 𝐺(𝑧) )])
  • 35. Training Tip min 𝐺 max 𝐷 𝑉(𝐷, 𝐺) = 𝔼 𝑥~𝑝 𝑑𝑎𝑡𝑎(𝑥) log 𝐷 𝑥 + 𝔼 𝑧~𝑝 𝑧(𝑧)[log(1 − 𝐷 𝐺(𝑧) )] max 𝐺 𝑉(𝐷, 𝐺) = 𝔼 𝑧~𝑝 𝑧(𝑧)[log(𝐷 𝐺(𝑧) )] max 𝐷 𝑉(𝐷, 𝐺) = 𝔼 𝑥~𝑝 𝑑𝑎𝑡𝑎(𝑥) log 𝐷 𝑥 + 𝔼 𝑧~𝑝 𝑧(𝑧)[log(1 − 𝐷 𝐺(𝑧) )] min 𝐺 𝑉(𝐷, 𝐺) = −(𝔼 𝑧~𝑝 𝑧(𝑧)[log(𝐷 𝐺(𝑧) )]) min 𝐷 𝑉(𝐷, 𝐺) = −(𝔼 𝑥~𝑝 𝑑𝑎𝑡𝑎(𝑥) log 𝐷 𝑥 + 𝔼 𝑧~𝑝 𝑧(𝑧)[log(1 − 𝐷 𝐺(𝑧) )])
  • 36. 1. Introduce 2. Method 3. Experiments Image to Image translation Ⅲ
  • 37. Introduce Conditional adversarial nets are a general-purpose solution for image-to-image translation. Code: https://github.com/phillipi/pix2pix This image is captured from Phillip Isola, et al., “Image-to-Image with Conditional Adversarial Networks”, CVPR, 2016
  • 38. Method GAN G: z  y Conditional GAN G: {x, z}  y This image is captured from Phillip Isola, et al., “Image-to-Image with Conditional Adversarial Networks”, CVPR, 2016
  • 39. Method ℒ 𝑐𝐺𝐴𝑁(𝐺, 𝐷) = 𝔼 𝑥,𝑦 log 𝐷 𝑥, 𝑦 + 𝔼 𝑥,𝑧[log(1 − 𝐷 𝑥, 𝐺(𝑥, 𝑧) )] ℒ 𝐺𝐴𝑁(𝐺, 𝐷) = 𝔼 𝑦 log 𝐷 𝑦 + 𝔼 𝑥,𝑧[log(1 − 𝐷 𝐺(𝑥, 𝑧) )] ℒ 𝐿1(𝐺) = 𝔼 𝑥,𝑦,𝑧 𝑦 − 𝐺(𝑥, 𝑧) 1 𝐺∗ = 𝑎𝑟𝑔 min 𝐺 max 𝐷 ℒ 𝑐𝐺𝐴𝑁 𝐺, 𝐷 + 𝜆 ℒ 𝐿1(𝐺) Objective function for GAN Objective function for cGAN Final objective function
  • 40. Method Network architectures Generator Discriminator – Markovian discriminator (PatchGAN) This discriminator effectively models the image as a Markov random field. This image is captured from Phillip Isola, et al., “Image-to-Image with Conditional Adversarial Netowrks”, CVPR, 2016
  • 41. Method This image is captured from Phillip Isola, et al., “Image-to-Image with Conditional Adversarial Nets”, https://www.slideshare.net/xavigiro/imagetoimage-translation-with-conditional-adversarial-nets-upc-reading-group This image is captured from http://ccvl.jhu.edu/datasets/
  • 42. Experiments This image is captured from Phillip Isola, et al., “Image-to-Image with Conditional Adversarial Networks”, CVPR, 2016
  • 43. Experiments This image is captured from Phillip Isola, et al., “Image-to-Image with Conditional Adversarial Networks”, CVPR, 2016
  • 44. Experiments This image is captured from Phillip Isola, et al., “Image-to-Image with Conditional Adversarial Networks”, CVPR, 2016
  • 45. Experiments Patch size variations. This images are captured from Phillip Isola, et al., “Image-to-Image with Conditional Adversarial Networks”, CVPR, 2016
  • 46. References [1] Ian J. Goodfellow, Jean Pouget-Abadie, Mehdi Mirza, Bing Xu, David Warde-Farley, Sherjil Ozair, Aaron Courville, Yoshua Bengio, “Generative Adversarial Nets”, NIPS 2014 [2] Phillip Isola, Jun-Yan Zhu, Tinghui Zhou, Alexei A. Efros, “Image-to-Image Translation with Conditional Adversarial Networks”, CVPR 2016 [3] Kwangil Kim, “Artificial Neural Networks”, Multimedia system lecture of KHU, 2017 [4] DL4J, “A Beginner’s Guide to Recurrent Networks and LSTMs”, 2017, https://deeplearning4j.org/lstm.html. Accessed, 2018-01-29 [5] Phillip Isola, Jun-Yan Zhu, Tinghui, “Image-to-Image translation with conditional Adversarial Nets”, Nov 25, 2016, https://www.slideshare.net/xavigiro/imagetoimage-translation-with-conditional- adversarial-nets-upc-reading-group. Accessed, 2018-01-29 [6] CCVL, “Datasets: PASCAL Part Segmentation Challenge”, 2018 http://ccvl.jhu.edu/datasets/. Accessed, 2018-01-29