SlideShare a Scribd company logo
1 of 19
Download to read offline
Yoonho Na
210604
Journal Club
2
1. GAN training implicitly requires
fi
nding the Nash equilibrium in a
continuous and high dimensional space.

2. Characterizing the convergence properties of the GAN training procedure
is mostly an open problem.
Instability
Introduction
Major problem with GAN
→ Normalization & Regularization
• Gradient based regularizatio
n

• Penalize the gradient norm of straight lines between real data and generated
data.

Gulrajani et al. (2017)
• Directly regularize the squared gradient another form of gradient penalty where
the gradients at Gaussian perturbations of training data are penalized.

Roth et al. (2017
)

• Most of the gradient based regularization methods lighter provide marginal gains or
fail to introduce improvement when normalization is used.

Kurach et al. (2019)
Introduction
Regularization
Introduction
Consistency Regularization
The classi
fi
er output remains una
ff
ected for an unlabeled example even it is augmented in semantic-preserving ways.
Enforces the discriminator to be unchanged by arbitrary semantic-preserving perturbations.

to focus more on semantic and structural changes between real and fake data.
• Propose con. reg. for GAN discriminators to yield a simple, effective regularizer with
lower computational cost than gradient-based regularization methods
.

• Conduct extensive experiments with different GAN variants to demonstrate that our
technique interacts effectively with spectral normalization
.

• Show that simply applying the proposed technique can further boost the
performance of SOTA GAN models.
Introduction
Contribution
• The goal of D ➞ distinguish real data from fake data produced by
G

• The decision should be invariant to any valid domain-speci
fi
c data augmentations
.

• Randomly augment training images as they are passed to the discriminator and
penalize the sensitivity of the discriminator to those augmentations.
Methods
Consistency Regularization for GANs
Ɗ (
𝑥
) : the output vector before activation of the
𝑗
th layer of the discriminator given input
𝑥
.

𝑇
(
𝑥
) : stochastic data augmentation function.

λ : weight coe
ffi
cient for
𝑗
th layer.

∥·∥:	L2 norm
Methods
Consistency Regularization for GANs
Ɗ (
𝑥
) : the output vector before activation of the
𝑗
th layer of the discriminator given input
𝑥
.

𝑇
(
𝑥
) : stochastic data augmentation function.

λ : weight coe
ffi
cient for
𝑗
th layer.

∥·∥:	L2 norm
• The proposed con. reg.
• Con. Reg. On the last layer of D is su
ffi
cient.
• The objective of Consistency Regularized GAN (CR-GAN)
• Datase
t

• CIFAR-10 : 60K of 32 x 32 images in 10 classe
s

• CELEBA-HQ-128 : 30K images of 128 x 128 (27K for training, and 3K for testing
)

• ImageNet-2012 : 1.2 million images with 1000 categories ➞ resized to 128 x 12
8

• Evaluation Metri
c

• Fréchet Inception distance (FID
)

• 10K images each on CIFAR-10, 3K on CelebA, 50K on ImageNe
t

Augmentation used in con. reg. is combination of random shifting,
fl
ipping
Experiments
Datasets and Evaluation Metrics
Compare 3 GAN reg. technique
s

• Gradient Penalty (GP
)

• DRAGAN Regularizer (DR
)

• JS-Regularizer (JSR
)

• Evaluate 3 reg. methods across different optimizer parameters, 

loss functions, 

regularization coef
fi
cient, 

neural architecture
s

• Adam optimizer with batch size of 64 for all experiments
.

• Stop training after 200k generator update steps for CIFAR-10 and 100k steps for CelebA
.

• Spectral normalization is used in the discriminator.
Experiments
Comparison with other GAN Regularization Methods
• Evaluate reg. Method using 3 loss functions
.

• Non-Saturating loss (NS
)

• Wasserstein loss (WAS
)

• Hinge loss (Hinge
)

• Evaluate 7 hyper-parameter settings of Adam optimizer
.

• For Reg. coef
fi
cient, use the best value reported in the corresponding paper
.

• 10 for GP, DR, CR and 0.1 for JS
R

• Network architecture : SNDCGAN (Miyato et al., 2018)
Experiments
Impact of Loss Function
Experiments
Impact of Loss Function
CIFAR-10
CelebA
The con. reg. Improves the baseline across all di
ff
erent loss functions and both datasets.
Experiments
Hyperparameter Settings of Optimizer
Experiments
Impact of the Regularization Coe
ffi
cient
• Con. Reg. Is more robust to changes in λ than other GAN regularization techniques.

• Also has the best FID for both datasets.

➞ Con. Reg. Can be used as a plug-and-play technique to improve GAN performance.
Experiments
Impact of the Neural Architectures
SNDCGAN
ResNet
CIFAR-10
Experiments
Comparison with State-Of-The-Art GAN Models
Ablation Studies and Discussion
How much does augmentation matter by itself?
• Con. reg. has two parts : 

(1) data augmentation, (2) enforce consistency between augmented data and original data.
 

• The performance gains shown in experiment due to data augmentation?

Compare 3 GANs : (1) GAN, (2) GAN with Augmentation, (3) GAN with Con. Reg.
Ablation Studies and Discussion
How does the type of augmentation a
ff
ect results?
• Ablation study on the CIFAR-10 dataset using four different types of data augmentatio
n

• Adding Gaussian nois
e

• Random shifting &
fl
ippin
g

• Applying cutou
t

• Cutout + random shifting &
fl
ipping
Adding Gaussian noise is not good semantic preserving transformation in the image manifold

The generator sometimes also generates samples with augmented artifacts (e.g., cutout). ➞ lead to worse FID
Conclusion
• Proposed a simple, effective, and computationally cheap method — consistency
regularization — to improve the performance of GANs
.

• Con. reg. is compatible with spectral normalization and results in improvements
in all of the many contexts
.

• Demonstrated con. reg. is more effective than other reg. methods under different
loss functions, neural architectures and optimizer hyper-parameter settings
.

• shown simply applying con. reg. on top of state-of-the-art GAN models can
further boost the performance.

More Related Content

What's hot

Predicting Drug Target Interaction Using Deep Belief Network
Predicting Drug Target Interaction Using Deep Belief NetworkPredicting Drug Target Interaction Using Deep Belief Network
Predicting Drug Target Interaction Using Deep Belief NetworkRashim Dhaubanjar
 
Parameter Optimisation for Automated Feature Point Detection
Parameter Optimisation for Automated Feature Point DetectionParameter Optimisation for Automated Feature Point Detection
Parameter Optimisation for Automated Feature Point DetectionDario Panada
 
J. Park, H. Shim, AAAI 2022, MLILAB, KAISTAI
J. Park, H. Shim, AAAI 2022, MLILAB, KAISTAIJ. Park, H. Shim, AAAI 2022, MLILAB, KAISTAI
J. Park, H. Shim, AAAI 2022, MLILAB, KAISTAIMLILAB
 
G. Park, J.-Y. Yang, et. al., NeurIPS 2020, MLILAB, KAIST AI
G. Park, J.-Y. Yang, et. al., NeurIPS 2020, MLILAB, KAIST AIG. Park, J.-Y. Yang, et. al., NeurIPS 2020, MLILAB, KAIST AI
G. Park, J.-Y. Yang, et. al., NeurIPS 2020, MLILAB, KAIST AIMLILAB
 
Hanjun Dai, PhD Student, School of Computational Science and Engineering, Geo...
Hanjun Dai, PhD Student, School of Computational Science and Engineering, Geo...Hanjun Dai, PhD Student, School of Computational Science and Engineering, Geo...
Hanjun Dai, PhD Student, School of Computational Science and Engineering, Geo...MLconf
 
[2021 HAI Kaggle Study] Week2 project1 cv
[2021 HAI Kaggle Study] Week2 project1 cv[2021 HAI Kaggle Study] Week2 project1 cv
[2021 HAI Kaggle Study] Week2 project1 cv준영 박
 
2007 Oral Preliminary Defense
2007 Oral Preliminary Defense2007 Oral Preliminary Defense
2007 Oral Preliminary DefenseJon Ernstberger
 
Matineh Shaker, Artificial Intelligence Scientist, Bonsai at MLconf SF 2017
Matineh Shaker, Artificial Intelligence Scientist, Bonsai at MLconf SF 2017Matineh Shaker, Artificial Intelligence Scientist, Bonsai at MLconf SF 2017
Matineh Shaker, Artificial Intelligence Scientist, Bonsai at MLconf SF 2017MLconf
 
[CVPR2020] Simple but effective image enhancement techniques
[CVPR2020] Simple but effective image enhancement techniques[CVPR2020] Simple but effective image enhancement techniques
[CVPR2020] Simple but effective image enhancement techniquesJaeJun Yoo
 
Presentation albawi -2018-kalman normalization normalizing internal represent...
Presentation albawi -2018-kalman normalization normalizing internal represent...Presentation albawi -2018-kalman normalization normalizing internal represent...
Presentation albawi -2018-kalman normalization normalizing internal represent...ali hassan
 
Mining Regional Knowledge in Spatial Dataset
Mining Regional Knowledge in Spatial DatasetMining Regional Knowledge in Spatial Dataset
Mining Regional Knowledge in Spatial Datasetbutest
 
iccv2009 tutorial: boosting and random forest - part III
iccv2009 tutorial: boosting and random forest - part IIIiccv2009 tutorial: boosting and random forest - part III
iccv2009 tutorial: boosting and random forest - part IIIzukun
 
Seed net automatic seed generation with deep reinforcement learning for robus...
Seed net automatic seed generation with deep reinforcement learning for robus...Seed net automatic seed generation with deep reinforcement learning for robus...
Seed net automatic seed generation with deep reinforcement learning for robus...NAVER Engineering
 
J. Park, AAAI 2022, MLILAB, KAIST AI
J. Park, AAAI 2022, MLILAB, KAIST AIJ. Park, AAAI 2022, MLILAB, KAIST AI
J. Park, AAAI 2022, MLILAB, KAIST AIMLILAB
 
Attention is all you need
Attention is all you needAttention is all you need
Attention is all you needheedaeKwon
 
Rethinking Data Augmentation for Image Super-resolution: A Comprehensive Anal...
Rethinking Data Augmentation for Image Super-resolution: A Comprehensive Anal...Rethinking Data Augmentation for Image Super-resolution: A Comprehensive Anal...
Rethinking Data Augmentation for Image Super-resolution: A Comprehensive Anal...JaeJun Yoo
 
The application of Genetic Algorithms to the Berth Allocation Problem
The application of Genetic Algorithms to the Berth Allocation ProblemThe application of Genetic Algorithms to the Berth Allocation Problem
The application of Genetic Algorithms to the Berth Allocation ProblemHeemeng Foo
 

What's hot (18)

Predicting Drug Target Interaction Using Deep Belief Network
Predicting Drug Target Interaction Using Deep Belief NetworkPredicting Drug Target Interaction Using Deep Belief Network
Predicting Drug Target Interaction Using Deep Belief Network
 
Parameter Optimisation for Automated Feature Point Detection
Parameter Optimisation for Automated Feature Point DetectionParameter Optimisation for Automated Feature Point Detection
Parameter Optimisation for Automated Feature Point Detection
 
J. Park, H. Shim, AAAI 2022, MLILAB, KAISTAI
J. Park, H. Shim, AAAI 2022, MLILAB, KAISTAIJ. Park, H. Shim, AAAI 2022, MLILAB, KAISTAI
J. Park, H. Shim, AAAI 2022, MLILAB, KAISTAI
 
G. Park, J.-Y. Yang, et. al., NeurIPS 2020, MLILAB, KAIST AI
G. Park, J.-Y. Yang, et. al., NeurIPS 2020, MLILAB, KAIST AIG. Park, J.-Y. Yang, et. al., NeurIPS 2020, MLILAB, KAIST AI
G. Park, J.-Y. Yang, et. al., NeurIPS 2020, MLILAB, KAIST AI
 
Hanjun Dai, PhD Student, School of Computational Science and Engineering, Geo...
Hanjun Dai, PhD Student, School of Computational Science and Engineering, Geo...Hanjun Dai, PhD Student, School of Computational Science and Engineering, Geo...
Hanjun Dai, PhD Student, School of Computational Science and Engineering, Geo...
 
Bp044411416
Bp044411416Bp044411416
Bp044411416
 
[2021 HAI Kaggle Study] Week2 project1 cv
[2021 HAI Kaggle Study] Week2 project1 cv[2021 HAI Kaggle Study] Week2 project1 cv
[2021 HAI Kaggle Study] Week2 project1 cv
 
2007 Oral Preliminary Defense
2007 Oral Preliminary Defense2007 Oral Preliminary Defense
2007 Oral Preliminary Defense
 
Matineh Shaker, Artificial Intelligence Scientist, Bonsai at MLconf SF 2017
Matineh Shaker, Artificial Intelligence Scientist, Bonsai at MLconf SF 2017Matineh Shaker, Artificial Intelligence Scientist, Bonsai at MLconf SF 2017
Matineh Shaker, Artificial Intelligence Scientist, Bonsai at MLconf SF 2017
 
[CVPR2020] Simple but effective image enhancement techniques
[CVPR2020] Simple but effective image enhancement techniques[CVPR2020] Simple but effective image enhancement techniques
[CVPR2020] Simple but effective image enhancement techniques
 
Presentation albawi -2018-kalman normalization normalizing internal represent...
Presentation albawi -2018-kalman normalization normalizing internal represent...Presentation albawi -2018-kalman normalization normalizing internal represent...
Presentation albawi -2018-kalman normalization normalizing internal represent...
 
Mining Regional Knowledge in Spatial Dataset
Mining Regional Knowledge in Spatial DatasetMining Regional Knowledge in Spatial Dataset
Mining Regional Knowledge in Spatial Dataset
 
iccv2009 tutorial: boosting and random forest - part III
iccv2009 tutorial: boosting and random forest - part IIIiccv2009 tutorial: boosting and random forest - part III
iccv2009 tutorial: boosting and random forest - part III
 
Seed net automatic seed generation with deep reinforcement learning for robus...
Seed net automatic seed generation with deep reinforcement learning for robus...Seed net automatic seed generation with deep reinforcement learning for robus...
Seed net automatic seed generation with deep reinforcement learning for robus...
 
J. Park, AAAI 2022, MLILAB, KAIST AI
J. Park, AAAI 2022, MLILAB, KAIST AIJ. Park, AAAI 2022, MLILAB, KAIST AI
J. Park, AAAI 2022, MLILAB, KAIST AI
 
Attention is all you need
Attention is all you needAttention is all you need
Attention is all you need
 
Rethinking Data Augmentation for Image Super-resolution: A Comprehensive Anal...
Rethinking Data Augmentation for Image Super-resolution: A Comprehensive Anal...Rethinking Data Augmentation for Image Super-resolution: A Comprehensive Anal...
Rethinking Data Augmentation for Image Super-resolution: A Comprehensive Anal...
 
The application of Genetic Algorithms to the Berth Allocation Problem
The application of Genetic Algorithms to the Berth Allocation ProblemThe application of Genetic Algorithms to the Berth Allocation Problem
The application of Genetic Algorithms to the Berth Allocation Problem
 

Similar to consistency regularization for generative adversarial networks_review

PR-411: Model soups: averaging weights of multiple fine-tuned models improves...
PR-411: Model soups: averaging weights of multiple fine-tuned models improves...PR-411: Model soups: averaging weights of multiple fine-tuned models improves...
PR-411: Model soups: averaging weights of multiple fine-tuned models improves...Sunghoon Joo
 
Efficient aggregation for graph summarization
Efficient aggregation for graph summarizationEfficient aggregation for graph summarization
Efficient aggregation for graph summarizationaftab alam
 
PR-330: How To Train Your ViT? Data, Augmentation, and Regularization in Visi...
PR-330: How To Train Your ViT? Data, Augmentation, and Regularization in Visi...PR-330: How To Train Your ViT? Data, Augmentation, and Regularization in Visi...
PR-330: How To Train Your ViT? Data, Augmentation, and Regularization in Visi...Jinwon Lee
 
Training Deep Networks with Backprop (D1L4 Insight@DCU Machine Learning Works...
Training Deep Networks with Backprop (D1L4 Insight@DCU Machine Learning Works...Training Deep Networks with Backprop (D1L4 Insight@DCU Machine Learning Works...
Training Deep Networks with Backprop (D1L4 Insight@DCU Machine Learning Works...Universitat Politècnica de Catalunya
 
NS-CUK Seminar: J.H.Lee, Review on "Graph Propagation Transformer for Graph R...
NS-CUK Seminar: J.H.Lee, Review on "Graph Propagation Transformer for Graph R...NS-CUK Seminar: J.H.Lee, Review on "Graph Propagation Transformer for Graph R...
NS-CUK Seminar: J.H.Lee, Review on "Graph Propagation Transformer for Graph R...ssuser4b1f48
 
Deep Convolutional GANs - meaning of latent space
Deep Convolutional GANs - meaning of latent spaceDeep Convolutional GANs - meaning of latent space
Deep Convolutional GANs - meaning of latent spaceHansol Kang
 
PR-231: A Simple Framework for Contrastive Learning of Visual Representations
PR-231: A Simple Framework for Contrastive Learning of Visual RepresentationsPR-231: A Simple Framework for Contrastive Learning of Visual Representations
PR-231: A Simple Framework for Contrastive Learning of Visual RepresentationsJinwon Lee
 
PaperReview_ “Few-shot Graph Classification with Contrastive Loss and Meta-cl...
PaperReview_ “Few-shot Graph Classification with Contrastive Loss and Meta-cl...PaperReview_ “Few-shot Graph Classification with Contrastive Loss and Meta-cl...
PaperReview_ “Few-shot Graph Classification with Contrastive Loss and Meta-cl...AkankshaRawat53
 
DDPG algortihm for angry birds
DDPG algortihm for angry birdsDDPG algortihm for angry birds
DDPG algortihm for angry birdsWangyu Han
 
Semantic Segmentation on Satellite Imagery
Semantic Segmentation on Satellite ImagerySemantic Segmentation on Satellite Imagery
Semantic Segmentation on Satellite ImageryRAHUL BHOJWANI
 
Deep Learning in Computer Vision
Deep Learning in Computer VisionDeep Learning in Computer Vision
Deep Learning in Computer VisionSungjoon Choi
 
Continuous Control with Deep Reinforcement Learning, lillicrap et al, 2015
Continuous Control with Deep Reinforcement Learning, lillicrap et al, 2015Continuous Control with Deep Reinforcement Learning, lillicrap et al, 2015
Continuous Control with Deep Reinforcement Learning, lillicrap et al, 2015Chris Ohk
 
EfficientNet: Rethinking Model Scaling for Convolutional Neural Networks.pptx
EfficientNet: Rethinking Model Scaling for Convolutional Neural Networks.pptxEfficientNet: Rethinking Model Scaling for Convolutional Neural Networks.pptx
EfficientNet: Rethinking Model Scaling for Convolutional Neural Networks.pptxssuser2624f71
 
Decomposing image generation into layout priction and conditional synthesis
Decomposing image generation into layout priction and conditional synthesisDecomposing image generation into layout priction and conditional synthesis
Decomposing image generation into layout priction and conditional synthesisNaeem Shehzad
 
Efficient de cvpr_2020_paper
Efficient de cvpr_2020_paperEfficient de cvpr_2020_paper
Efficient de cvpr_2020_papershanullah3
 
Seminar_Thoracic EIT_UWO
Seminar_Thoracic EIT_UWOSeminar_Thoracic EIT_UWO
Seminar_Thoracic EIT_UWOPeyman Rahmati
 
Identifying Land Patterns from Satellite Images using Deep Learning
Identifying Land Patterns from Satellite Images using Deep LearningIdentifying Land Patterns from Satellite Images using Deep Learning
Identifying Land Patterns from Satellite Images using Deep LearningSoumyadeep Debnath
 

Similar to consistency regularization for generative adversarial networks_review (20)

PR-411: Model soups: averaging weights of multiple fine-tuned models improves...
PR-411: Model soups: averaging weights of multiple fine-tuned models improves...PR-411: Model soups: averaging weights of multiple fine-tuned models improves...
PR-411: Model soups: averaging weights of multiple fine-tuned models improves...
 
Efficient aggregation for graph summarization
Efficient aggregation for graph summarizationEfficient aggregation for graph summarization
Efficient aggregation for graph summarization
 
PR-330: How To Train Your ViT? Data, Augmentation, and Regularization in Visi...
PR-330: How To Train Your ViT? Data, Augmentation, and Regularization in Visi...PR-330: How To Train Your ViT? Data, Augmentation, and Regularization in Visi...
PR-330: How To Train Your ViT? Data, Augmentation, and Regularization in Visi...
 
Summary of BRAC
Summary of BRACSummary of BRAC
Summary of BRAC
 
ngboost.pptx
ngboost.pptxngboost.pptx
ngboost.pptx
 
Training Deep Networks with Backprop (D1L4 Insight@DCU Machine Learning Works...
Training Deep Networks with Backprop (D1L4 Insight@DCU Machine Learning Works...Training Deep Networks with Backprop (D1L4 Insight@DCU Machine Learning Works...
Training Deep Networks with Backprop (D1L4 Insight@DCU Machine Learning Works...
 
NS-CUK Seminar: J.H.Lee, Review on "Graph Propagation Transformer for Graph R...
NS-CUK Seminar: J.H.Lee, Review on "Graph Propagation Transformer for Graph R...NS-CUK Seminar: J.H.Lee, Review on "Graph Propagation Transformer for Graph R...
NS-CUK Seminar: J.H.Lee, Review on "Graph Propagation Transformer for Graph R...
 
Deep Convolutional GANs - meaning of latent space
Deep Convolutional GANs - meaning of latent spaceDeep Convolutional GANs - meaning of latent space
Deep Convolutional GANs - meaning of latent space
 
PR-231: A Simple Framework for Contrastive Learning of Visual Representations
PR-231: A Simple Framework for Contrastive Learning of Visual RepresentationsPR-231: A Simple Framework for Contrastive Learning of Visual Representations
PR-231: A Simple Framework for Contrastive Learning of Visual Representations
 
PaperReview_ “Few-shot Graph Classification with Contrastive Loss and Meta-cl...
PaperReview_ “Few-shot Graph Classification with Contrastive Loss and Meta-cl...PaperReview_ “Few-shot Graph Classification with Contrastive Loss and Meta-cl...
PaperReview_ “Few-shot Graph Classification with Contrastive Loss and Meta-cl...
 
DDPG algortihm for angry birds
DDPG algortihm for angry birdsDDPG algortihm for angry birds
DDPG algortihm for angry birds
 
Semantic Segmentation on Satellite Imagery
Semantic Segmentation on Satellite ImagerySemantic Segmentation on Satellite Imagery
Semantic Segmentation on Satellite Imagery
 
Deep Learning in Computer Vision
Deep Learning in Computer VisionDeep Learning in Computer Vision
Deep Learning in Computer Vision
 
Learning To Run
Learning To RunLearning To Run
Learning To Run
 
Continuous Control with Deep Reinforcement Learning, lillicrap et al, 2015
Continuous Control with Deep Reinforcement Learning, lillicrap et al, 2015Continuous Control with Deep Reinforcement Learning, lillicrap et al, 2015
Continuous Control with Deep Reinforcement Learning, lillicrap et al, 2015
 
EfficientNet: Rethinking Model Scaling for Convolutional Neural Networks.pptx
EfficientNet: Rethinking Model Scaling for Convolutional Neural Networks.pptxEfficientNet: Rethinking Model Scaling for Convolutional Neural Networks.pptx
EfficientNet: Rethinking Model Scaling for Convolutional Neural Networks.pptx
 
Decomposing image generation into layout priction and conditional synthesis
Decomposing image generation into layout priction and conditional synthesisDecomposing image generation into layout priction and conditional synthesis
Decomposing image generation into layout priction and conditional synthesis
 
Efficient de cvpr_2020_paper
Efficient de cvpr_2020_paperEfficient de cvpr_2020_paper
Efficient de cvpr_2020_paper
 
Seminar_Thoracic EIT_UWO
Seminar_Thoracic EIT_UWOSeminar_Thoracic EIT_UWO
Seminar_Thoracic EIT_UWO
 
Identifying Land Patterns from Satellite Images using Deep Learning
Identifying Land Patterns from Satellite Images using Deep LearningIdentifying Land Patterns from Satellite Images using Deep Learning
Identifying Land Patterns from Satellite Images using Deep Learning
 

Recently uploaded

Call Girls Jalahalli Just Call 👗 7737669865 👗 Top Class Call Girl Service Ban...
Call Girls Jalahalli Just Call 👗 7737669865 👗 Top Class Call Girl Service Ban...Call Girls Jalahalli Just Call 👗 7737669865 👗 Top Class Call Girl Service Ban...
Call Girls Jalahalli Just Call 👗 7737669865 👗 Top Class Call Girl Service Ban...amitlee9823
 
Mg Road Call Girls Service: 🍓 7737669865 🍓 High Profile Model Escorts | Banga...
Mg Road Call Girls Service: 🍓 7737669865 🍓 High Profile Model Escorts | Banga...Mg Road Call Girls Service: 🍓 7737669865 🍓 High Profile Model Escorts | Banga...
Mg Road Call Girls Service: 🍓 7737669865 🍓 High Profile Model Escorts | Banga...amitlee9823
 
Call Girls In Hsr Layout ☎ 7737669865 🥵 Book Your One night Stand
Call Girls In Hsr Layout ☎ 7737669865 🥵 Book Your One night StandCall Girls In Hsr Layout ☎ 7737669865 🥵 Book Your One night Stand
Call Girls In Hsr Layout ☎ 7737669865 🥵 Book Your One night Standamitlee9823
 
➥🔝 7737669865 🔝▻ malwa Call-girls in Women Seeking Men 🔝malwa🔝 Escorts Ser...
➥🔝 7737669865 🔝▻ malwa Call-girls in Women Seeking Men  🔝malwa🔝   Escorts Ser...➥🔝 7737669865 🔝▻ malwa Call-girls in Women Seeking Men  🔝malwa🔝   Escorts Ser...
➥🔝 7737669865 🔝▻ malwa Call-girls in Women Seeking Men 🔝malwa🔝 Escorts Ser...amitlee9823
 
Call Girls Bannerghatta Road Just Call 👗 7737669865 👗 Top Class Call Girl Ser...
Call Girls Bannerghatta Road Just Call 👗 7737669865 👗 Top Class Call Girl Ser...Call Girls Bannerghatta Road Just Call 👗 7737669865 👗 Top Class Call Girl Ser...
Call Girls Bannerghatta Road Just Call 👗 7737669865 👗 Top Class Call Girl Ser...amitlee9823
 
Discover Why Less is More in B2B Research
Discover Why Less is More in B2B ResearchDiscover Why Less is More in B2B Research
Discover Why Less is More in B2B Researchmichael115558
 
Jual Obat Aborsi Surabaya ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...
Jual Obat Aborsi Surabaya ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...Jual Obat Aborsi Surabaya ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...
Jual Obat Aborsi Surabaya ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...ZurliaSoop
 
Probability Grade 10 Third Quarter Lessons
Probability Grade 10 Third Quarter LessonsProbability Grade 10 Third Quarter Lessons
Probability Grade 10 Third Quarter LessonsJoseMangaJr1
 
Halmar dropshipping via API with DroFx
Halmar  dropshipping  via API with DroFxHalmar  dropshipping  via API with DroFx
Halmar dropshipping via API with DroFxolyaivanovalion
 
Accredited-Transport-Cooperatives-Jan-2021-Web.pdf
Accredited-Transport-Cooperatives-Jan-2021-Web.pdfAccredited-Transport-Cooperatives-Jan-2021-Web.pdf
Accredited-Transport-Cooperatives-Jan-2021-Web.pdfadriantubila
 
Call Girls Bommasandra Just Call 👗 7737669865 👗 Top Class Call Girl Service B...
Call Girls Bommasandra Just Call 👗 7737669865 👗 Top Class Call Girl Service B...Call Girls Bommasandra Just Call 👗 7737669865 👗 Top Class Call Girl Service B...
Call Girls Bommasandra Just Call 👗 7737669865 👗 Top Class Call Girl Service B...amitlee9823
 
Midocean dropshipping via API with DroFx
Midocean dropshipping via API with DroFxMidocean dropshipping via API with DroFx
Midocean dropshipping via API with DroFxolyaivanovalion
 
Digital Advertising Lecture for Advanced Digital & Social Media Strategy at U...
Digital Advertising Lecture for Advanced Digital & Social Media Strategy at U...Digital Advertising Lecture for Advanced Digital & Social Media Strategy at U...
Digital Advertising Lecture for Advanced Digital & Social Media Strategy at U...Valters Lauzums
 
Call Girls In Attibele ☎ 7737669865 🥵 Book Your One night Stand
Call Girls In Attibele ☎ 7737669865 🥵 Book Your One night StandCall Girls In Attibele ☎ 7737669865 🥵 Book Your One night Stand
Call Girls In Attibele ☎ 7737669865 🥵 Book Your One night Standamitlee9823
 
Thane Call Girls 7091864438 Call Girls in Thane Escort service book now -
Thane Call Girls 7091864438 Call Girls in Thane Escort service book now -Thane Call Girls 7091864438 Call Girls in Thane Escort service book now -
Thane Call Girls 7091864438 Call Girls in Thane Escort service book now -Pooja Nehwal
 
Call Girls Indiranagar Just Call 👗 7737669865 👗 Top Class Call Girl Service B...
Call Girls Indiranagar Just Call 👗 7737669865 👗 Top Class Call Girl Service B...Call Girls Indiranagar Just Call 👗 7737669865 👗 Top Class Call Girl Service B...
Call Girls Indiranagar Just Call 👗 7737669865 👗 Top Class Call Girl Service B...amitlee9823
 

Recently uploaded (20)

Call Girls Jalahalli Just Call 👗 7737669865 👗 Top Class Call Girl Service Ban...
Call Girls Jalahalli Just Call 👗 7737669865 👗 Top Class Call Girl Service Ban...Call Girls Jalahalli Just Call 👗 7737669865 👗 Top Class Call Girl Service Ban...
Call Girls Jalahalli Just Call 👗 7737669865 👗 Top Class Call Girl Service Ban...
 
Call Girls In Shalimar Bagh ( Delhi) 9953330565 Escorts Service
Call Girls In Shalimar Bagh ( Delhi) 9953330565 Escorts ServiceCall Girls In Shalimar Bagh ( Delhi) 9953330565 Escorts Service
Call Girls In Shalimar Bagh ( Delhi) 9953330565 Escorts Service
 
Mg Road Call Girls Service: 🍓 7737669865 🍓 High Profile Model Escorts | Banga...
Mg Road Call Girls Service: 🍓 7737669865 🍓 High Profile Model Escorts | Banga...Mg Road Call Girls Service: 🍓 7737669865 🍓 High Profile Model Escorts | Banga...
Mg Road Call Girls Service: 🍓 7737669865 🍓 High Profile Model Escorts | Banga...
 
Call Girls In Hsr Layout ☎ 7737669865 🥵 Book Your One night Stand
Call Girls In Hsr Layout ☎ 7737669865 🥵 Book Your One night StandCall Girls In Hsr Layout ☎ 7737669865 🥵 Book Your One night Stand
Call Girls In Hsr Layout ☎ 7737669865 🥵 Book Your One night Stand
 
➥🔝 7737669865 🔝▻ malwa Call-girls in Women Seeking Men 🔝malwa🔝 Escorts Ser...
➥🔝 7737669865 🔝▻ malwa Call-girls in Women Seeking Men  🔝malwa🔝   Escorts Ser...➥🔝 7737669865 🔝▻ malwa Call-girls in Women Seeking Men  🔝malwa🔝   Escorts Ser...
➥🔝 7737669865 🔝▻ malwa Call-girls in Women Seeking Men 🔝malwa🔝 Escorts Ser...
 
Abortion pills in Doha Qatar (+966572737505 ! Get Cytotec
Abortion pills in Doha Qatar (+966572737505 ! Get CytotecAbortion pills in Doha Qatar (+966572737505 ! Get Cytotec
Abortion pills in Doha Qatar (+966572737505 ! Get Cytotec
 
Call Girls Bannerghatta Road Just Call 👗 7737669865 👗 Top Class Call Girl Ser...
Call Girls Bannerghatta Road Just Call 👗 7737669865 👗 Top Class Call Girl Ser...Call Girls Bannerghatta Road Just Call 👗 7737669865 👗 Top Class Call Girl Ser...
Call Girls Bannerghatta Road Just Call 👗 7737669865 👗 Top Class Call Girl Ser...
 
Discover Why Less is More in B2B Research
Discover Why Less is More in B2B ResearchDiscover Why Less is More in B2B Research
Discover Why Less is More in B2B Research
 
Jual Obat Aborsi Surabaya ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...
Jual Obat Aborsi Surabaya ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...Jual Obat Aborsi Surabaya ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...
Jual Obat Aborsi Surabaya ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...
 
Predicting Loan Approval: A Data Science Project
Predicting Loan Approval: A Data Science ProjectPredicting Loan Approval: A Data Science Project
Predicting Loan Approval: A Data Science Project
 
Probability Grade 10 Third Quarter Lessons
Probability Grade 10 Third Quarter LessonsProbability Grade 10 Third Quarter Lessons
Probability Grade 10 Third Quarter Lessons
 
CHEAP Call Girls in Saket (-DELHI )🔝 9953056974🔝(=)/CALL GIRLS SERVICE
CHEAP Call Girls in Saket (-DELHI )🔝 9953056974🔝(=)/CALL GIRLS SERVICECHEAP Call Girls in Saket (-DELHI )🔝 9953056974🔝(=)/CALL GIRLS SERVICE
CHEAP Call Girls in Saket (-DELHI )🔝 9953056974🔝(=)/CALL GIRLS SERVICE
 
Halmar dropshipping via API with DroFx
Halmar  dropshipping  via API with DroFxHalmar  dropshipping  via API with DroFx
Halmar dropshipping via API with DroFx
 
Accredited-Transport-Cooperatives-Jan-2021-Web.pdf
Accredited-Transport-Cooperatives-Jan-2021-Web.pdfAccredited-Transport-Cooperatives-Jan-2021-Web.pdf
Accredited-Transport-Cooperatives-Jan-2021-Web.pdf
 
Call Girls Bommasandra Just Call 👗 7737669865 👗 Top Class Call Girl Service B...
Call Girls Bommasandra Just Call 👗 7737669865 👗 Top Class Call Girl Service B...Call Girls Bommasandra Just Call 👗 7737669865 👗 Top Class Call Girl Service B...
Call Girls Bommasandra Just Call 👗 7737669865 👗 Top Class Call Girl Service B...
 
Midocean dropshipping via API with DroFx
Midocean dropshipping via API with DroFxMidocean dropshipping via API with DroFx
Midocean dropshipping via API with DroFx
 
Digital Advertising Lecture for Advanced Digital & Social Media Strategy at U...
Digital Advertising Lecture for Advanced Digital & Social Media Strategy at U...Digital Advertising Lecture for Advanced Digital & Social Media Strategy at U...
Digital Advertising Lecture for Advanced Digital & Social Media Strategy at U...
 
Call Girls In Attibele ☎ 7737669865 🥵 Book Your One night Stand
Call Girls In Attibele ☎ 7737669865 🥵 Book Your One night StandCall Girls In Attibele ☎ 7737669865 🥵 Book Your One night Stand
Call Girls In Attibele ☎ 7737669865 🥵 Book Your One night Stand
 
Thane Call Girls 7091864438 Call Girls in Thane Escort service book now -
Thane Call Girls 7091864438 Call Girls in Thane Escort service book now -Thane Call Girls 7091864438 Call Girls in Thane Escort service book now -
Thane Call Girls 7091864438 Call Girls in Thane Escort service book now -
 
Call Girls Indiranagar Just Call 👗 7737669865 👗 Top Class Call Girl Service B...
Call Girls Indiranagar Just Call 👗 7737669865 👗 Top Class Call Girl Service B...Call Girls Indiranagar Just Call 👗 7737669865 👗 Top Class Call Girl Service B...
Call Girls Indiranagar Just Call 👗 7737669865 👗 Top Class Call Girl Service B...
 

consistency regularization for generative adversarial networks_review

  • 2. 2
  • 3. 1. GAN training implicitly requires fi nding the Nash equilibrium in a continuous and high dimensional space. 2. Characterizing the convergence properties of the GAN training procedure is mostly an open problem. Instability Introduction Major problem with GAN → Normalization & Regularization
  • 4. • Gradient based regularizatio n • Penalize the gradient norm of straight lines between real data and generated data.
 Gulrajani et al. (2017) • Directly regularize the squared gradient another form of gradient penalty where the gradients at Gaussian perturbations of training data are penalized.
 Roth et al. (2017 ) • Most of the gradient based regularization methods lighter provide marginal gains or fail to introduce improvement when normalization is used.
 Kurach et al. (2019) Introduction Regularization
  • 5. Introduction Consistency Regularization The classi fi er output remains una ff ected for an unlabeled example even it is augmented in semantic-preserving ways. Enforces the discriminator to be unchanged by arbitrary semantic-preserving perturbations. to focus more on semantic and structural changes between real and fake data.
  • 6. • Propose con. reg. for GAN discriminators to yield a simple, effective regularizer with lower computational cost than gradient-based regularization methods . • Conduct extensive experiments with different GAN variants to demonstrate that our technique interacts effectively with spectral normalization . • Show that simply applying the proposed technique can further boost the performance of SOTA GAN models. Introduction Contribution
  • 7. • The goal of D ➞ distinguish real data from fake data produced by G • The decision should be invariant to any valid domain-speci fi c data augmentations . • Randomly augment training images as they are passed to the discriminator and penalize the sensitivity of the discriminator to those augmentations. Methods Consistency Regularization for GANs Ɗ ( 𝑥 ) : the output vector before activation of the 𝑗 th layer of the discriminator given input 𝑥 . 𝑇 ( 𝑥 ) : stochastic data augmentation function. λ : weight coe ffi cient for 𝑗 th layer. ∥·∥: L2 norm
  • 8. Methods Consistency Regularization for GANs Ɗ ( 𝑥 ) : the output vector before activation of the 𝑗 th layer of the discriminator given input 𝑥 . 𝑇 ( 𝑥 ) : stochastic data augmentation function. λ : weight coe ffi cient for 𝑗 th layer. ∥·∥: L2 norm • The proposed con. reg. • Con. Reg. On the last layer of D is su ffi cient. • The objective of Consistency Regularized GAN (CR-GAN)
  • 9. • Datase t • CIFAR-10 : 60K of 32 x 32 images in 10 classe s • CELEBA-HQ-128 : 30K images of 128 x 128 (27K for training, and 3K for testing ) • ImageNet-2012 : 1.2 million images with 1000 categories ➞ resized to 128 x 12 8 • Evaluation Metri c • Fréchet Inception distance (FID ) • 10K images each on CIFAR-10, 3K on CelebA, 50K on ImageNe t Augmentation used in con. reg. is combination of random shifting, fl ipping Experiments Datasets and Evaluation Metrics
  • 10. Compare 3 GAN reg. technique s • Gradient Penalty (GP ) • DRAGAN Regularizer (DR ) • JS-Regularizer (JSR ) • Evaluate 3 reg. methods across different optimizer parameters, 
 loss functions, 
 regularization coef fi cient, 
 neural architecture s • Adam optimizer with batch size of 64 for all experiments . • Stop training after 200k generator update steps for CIFAR-10 and 100k steps for CelebA . • Spectral normalization is used in the discriminator. Experiments Comparison with other GAN Regularization Methods
  • 11. • Evaluate reg. Method using 3 loss functions . • Non-Saturating loss (NS ) • Wasserstein loss (WAS ) • Hinge loss (Hinge ) • Evaluate 7 hyper-parameter settings of Adam optimizer . • For Reg. coef fi cient, use the best value reported in the corresponding paper . • 10 for GP, DR, CR and 0.1 for JS R • Network architecture : SNDCGAN (Miyato et al., 2018) Experiments Impact of Loss Function
  • 12. Experiments Impact of Loss Function CIFAR-10 CelebA The con. reg. Improves the baseline across all di ff erent loss functions and both datasets.
  • 14. Experiments Impact of the Regularization Coe ffi cient • Con. Reg. Is more robust to changes in λ than other GAN regularization techniques. • Also has the best FID for both datasets. ➞ Con. Reg. Can be used as a plug-and-play technique to improve GAN performance.
  • 15. Experiments Impact of the Neural Architectures SNDCGAN ResNet CIFAR-10
  • 17. Ablation Studies and Discussion How much does augmentation matter by itself? • Con. reg. has two parts : 
 (1) data augmentation, (2) enforce consistency between augmented data and original data. • The performance gains shown in experiment due to data augmentation?
 Compare 3 GANs : (1) GAN, (2) GAN with Augmentation, (3) GAN with Con. Reg.
  • 18. Ablation Studies and Discussion How does the type of augmentation a ff ect results? • Ablation study on the CIFAR-10 dataset using four different types of data augmentatio n • Adding Gaussian nois e • Random shifting & fl ippin g • Applying cutou t • Cutout + random shifting & fl ipping Adding Gaussian noise is not good semantic preserving transformation in the image manifold The generator sometimes also generates samples with augmented artifacts (e.g., cutout). ➞ lead to worse FID
  • 19. Conclusion • Proposed a simple, effective, and computationally cheap method — consistency regularization — to improve the performance of GANs . • Con. reg. is compatible with spectral normalization and results in improvements in all of the many contexts . • Demonstrated con. reg. is more effective than other reg. methods under different loss functions, neural architectures and optimizer hyper-parameter settings . • shown simply applying con. reg. on top of state-of-the-art GAN models can further boost the performance.