SlideShare a Scribd company logo
1 of 18
Download to read offline
A Style-Based Generator Architecture for
Generative Adversarial Networks
Karras, Laine, and Aila, CVPR, 2019
Date: 2021.03.21
Members: 김상현, 김선옥, 신정호
Presenter: 허다운
Contents
£ Contribution
£ Background
£ Style-based Generator
£ Quality of generated images
£ Properties of the style-based generator
£ Disentanglement studies & Quantifying methods
£ Conclusion
Contribution
£ Motivated by style transfer literature, researcher re-design the generator architecture in a way
that exposes novel ways to control the image synthesis process.
£ Proposed new generator
£ The new architecture leads to an automatically learned, unsupervised seperation of high-level attributes
£ Stochastic variation in the generated images (e.g., freckles, hair)
£ Intuitive, scale-specific control of the synthesis
(i.e. directly controlling the strength of image features at different scales)
£ Proposed two new methods to quantify interpolation quality and disentanglement
£ Introduced a new, highly varied and high-quality dataset of human faces
Background: Several Normalization Methods
• Batch normalization [2]
(Yuxin and Kaiming, 2020)
(Yuxin and Kaiming, 2020)
Instance normalization [3] • Adaptive Instance Normalization
• Conditional Instance Normalization
Background: What is Progressive Growing GAN? [5]
Style-based Generator
Figure 1. While a traditional generator [5] feeds the latent code though the
input layer only, we first map the input to an intermediate latent space W,
which then controls the generator through adaptive instance normalization
(AdaIN) at each convolution layer. Gaussian noise is added after each
convolution, before evaluating the nonlinearity. Here “A” stands for a learned
affine transform, and “B” applies learned per-channel scaling factors to the
noise input. The mapping network f consists of 8 layers and the synthesis
network g consists of 18 layers— two for each resolution (42 − 10242). The
output of the last layer is converted to RGB using a separate 1 × 1 convolution,
similar to Karras et al. [5]. Our generator has a total of 26.2M trainable
parameters, compared to 23.1M in the traditional generator.
Style-based Generator
Figure 1. While a traditional generator [5] feeds the latent code though the
input layer only, we first map the input to an intermediate latent space W,
which then controls the generator through adaptive instance normalization
(AdaIN) at each convolution layer. Gaussian noise is added after each
convolution, before evaluating the nonlinearity. Here “A” stands for a learned
affine transform, and “B” applies learned per-channel scaling factors to the
noise input. The mapping network f consists of 8 layers and the synthesis
network g consists of 18 layers— two for each resolution (42 − 10242). The
output of the last layer is converted to RGB using a separate 1 × 1 convolution,
similar to Karras et al. [5]. Our generator has a total of 26.2M trainable
parameters, compared to 23.1M in the traditional generator.
Questions?
Quality of generated images
Figure 2. Uncurated set of images produced by our style-based generator (config F)
with the FFHQ dataset. Here we used a variation of the truncation trick with ψ = 0.7
for resolutions 42 − 322.
Properties of the style-based generator: Style mixing
Figure 3. Two sets of images were generated from their respective latent codes (sources
A and B); the rest of the images were generated by copying a specified subset of styles
from source B and taking the rest from source A. Copying the styles corresponding to
coarse spatial resolutions (42­ 82) brings high-level aspects such as pose, general hair
style, face shape, and eyeglasses from source B, while all colors (eyes, hair, lighting) and
finer facial features resemble A. If we instead copy the styles of middle resolutions (162­
322) from B, we inherit smaller scale facial features, hair style, eyes open/closed from B,
while the pose, general face shape, and eyeglasses from A are preserved. Finally, copying
the fine styles (642­ 10242) from B brings mainly the color scheme and microstructure.
Table 2. FIDs in FFHQ for networks trained by enabling the mixing regularization for
different percentage of training examples. Here we stress test the trained networks by
randomizing 1...4 latents and the crossover points between them. Mixing regularization
improves the tolerance to these adverse operations significantly. Labels E and F refer to
the configurations in Table 1.
Properties of the style-based generator: Stochastic variation
Figure 4. Examples of stochastic variation. (a) Two generated images. (b) Zoom-in
with different realizations of input noise. While the overall appearance is almost
identical, individual hairs are placed very differently. (c) Standard deviation of
each pixel over 100 different realizations, highlighting which parts of the images
are affected by the noise. The main areas are the hair, silhouettes, and parts of
background, but there is also interesting stochastic variation in the eye reflections.
Global aspects such as identity and pose are unaffected by stochastic variation.
(a) Generated image (b) Stochastic variation (c) Standard deviation
Figure 5. Effect of noise inputs at different layers of our generator. (a)
Noise is applied to all layers. (b) No noise. (c) Noise in fine layers only
(642­ 10242): brings out the finer curls of hair, finer background detail,
and skin pores. (d) Noise in coarse layers only (42­ 322): causes large-
scale curling of hair and appearance of larger background features
Disentanglement studies & Quantifying methods (1/2)
£ Linear separability
£ Labeled genearted images
£ Classify them using the auxiliary classification
network
£ Fit a linear SVM to predict the label based on the
latent-space point and classify the points by this plan
£ compute the conditional entropy
£ Perceptual path length
Disentanglement studies & Quantifying methods (2/2)
Conclusion
£ Proposed new generator
£ Separation of high-level attributes and stochastic effects
£ The linearity of the intermediate latent space
£ Proposed two new methods to quantify interpolation quality and disentanglement
£ Perceptual path length and linear separability
£ Introduced a new, highly varied and high-quality dataset of human faces
Thank you
References
[1] Karras, Tero, Samuli Laine, and Timo Aila, "A style-based generator architecture for generative adversarial
networks," Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, 2019.
[2] Ioffe, Sergey, and Christian Szegedy, "Batch normalization: Accelerating deep network training by reducing internal
covariate shift," International conference on machine learning. PMLR, 2015.
[3] Ulyanov, Dmitry, Andrea Vedaldi, and Victor Lempitsky, "Instance normalization: The missing ingredient for fast
stylization," arXiv preprint arXiv:1607.08022, 2016.
[4] Wu, Yuxin, and Kaiming He, "Group normalization," Proceedings of the European conference on computer vision
(ECCV), 2018.
[5] Karras, Tero, et al., "Progressive growing of gans for improved quality, stability, and variation," arXiv preprint
arXiv:1710.10196, 2017.
Supplementary Materials
A Trick for Visualization: Truncation Trick

More Related Content

What's hot

Intensity Preserving Cast Removal in Color Images Using Particle Swarm Optimi...
Intensity Preserving Cast Removal in Color Images Using Particle Swarm Optimi...Intensity Preserving Cast Removal in Color Images Using Particle Swarm Optimi...
Intensity Preserving Cast Removal in Color Images Using Particle Swarm Optimi...IJECEIAES
 
Learning Feature Representations with K-means
Learning Feature Representations with K-means Learning Feature Representations with K-means
Learning Feature Representations with K-means korayparkin
 
A Wavelet - Based Object Watermarking System for MPEG4 Video
A Wavelet - Based Object Watermarking System for MPEG4 VideoA Wavelet - Based Object Watermarking System for MPEG4 Video
A Wavelet - Based Object Watermarking System for MPEG4 VideoCSCJournals
 
PERFORMANCE EVALUATION OF DIFFERENT TECHNIQUES FOR TEXTURE CLASSIFICATION
PERFORMANCE EVALUATION OF DIFFERENT TECHNIQUES FOR TEXTURE CLASSIFICATION PERFORMANCE EVALUATION OF DIFFERENT TECHNIQUES FOR TEXTURE CLASSIFICATION
PERFORMANCE EVALUATION OF DIFFERENT TECHNIQUES FOR TEXTURE CLASSIFICATION cscpconf
 
A Fusion Based Visibility Enhancement of Single Underwater Hazy Image
A Fusion Based Visibility Enhancement of Single Underwater Hazy ImageA Fusion Based Visibility Enhancement of Single Underwater Hazy Image
A Fusion Based Visibility Enhancement of Single Underwater Hazy ImageIJAAS Team
 
IRJET- Efficient JPEG Reconstruction using Bayesian MAP and BFMT
IRJET-  	  Efficient JPEG Reconstruction using Bayesian MAP and BFMTIRJET-  	  Efficient JPEG Reconstruction using Bayesian MAP and BFMT
IRJET- Efficient JPEG Reconstruction using Bayesian MAP and BFMTIRJET Journal
 
Kernel Estimation of Videodeblurringalgorithm and Motion Compensation of Resi...
Kernel Estimation of Videodeblurringalgorithm and Motion Compensation of Resi...Kernel Estimation of Videodeblurringalgorithm and Motion Compensation of Resi...
Kernel Estimation of Videodeblurringalgorithm and Motion Compensation of Resi...IJERA Editor
 
An Efficient APOA Techniques For Generalized Residual Vector Quantization Bas...
An Efficient APOA Techniques For Generalized Residual Vector Quantization Bas...An Efficient APOA Techniques For Generalized Residual Vector Quantization Bas...
An Efficient APOA Techniques For Generalized Residual Vector Quantization Bas...IJCSIS Research Publications
 
Contourlet Transform Based Method For Medical Image Denoising
Contourlet Transform Based Method For Medical Image DenoisingContourlet Transform Based Method For Medical Image Denoising
Contourlet Transform Based Method For Medical Image DenoisingCSCJournals
 
Analysis of Image Super-Resolution via Reconstruction Filters for Pure Transl...
Analysis of Image Super-Resolution via Reconstruction Filters for Pure Transl...Analysis of Image Super-Resolution via Reconstruction Filters for Pure Transl...
Analysis of Image Super-Resolution via Reconstruction Filters for Pure Transl...CSCJournals
 
nternational Journal of Computational Engineering Research(IJCER)
nternational Journal of Computational Engineering Research(IJCER)nternational Journal of Computational Engineering Research(IJCER)
nternational Journal of Computational Engineering Research(IJCER)ijceronline
 
decorrelated batch normalization(cvpr2018)
decorrelated batch normalization(cvpr2018)decorrelated batch normalization(cvpr2018)
decorrelated batch normalization(cvpr2018)ali hassan
 
Efficient realization-of-an-adfe-with-a-new-adaptive-algorithm
Efficient realization-of-an-adfe-with-a-new-adaptive-algorithmEfficient realization-of-an-adfe-with-a-new-adaptive-algorithm
Efficient realization-of-an-adfe-with-a-new-adaptive-algorithmCemal Ardil
 
Fuzzy Encoding For Image Classification Using Gustafson-Kessel Aglorithm
Fuzzy Encoding For Image Classification Using Gustafson-Kessel AglorithmFuzzy Encoding For Image Classification Using Gustafson-Kessel Aglorithm
Fuzzy Encoding For Image Classification Using Gustafson-Kessel AglorithmAshish Gupta
 
Experimental analysis of non-Gaussian noise resistance on global method optic...
Experimental analysis of non-Gaussian noise resistance on global method optic...Experimental analysis of non-Gaussian noise resistance on global method optic...
Experimental analysis of non-Gaussian noise resistance on global method optic...journalBEEI
 
Color Image Watermarking using Cycle Spinning based Sharp Frequency Localized...
Color Image Watermarking using Cycle Spinning based Sharp Frequency Localized...Color Image Watermarking using Cycle Spinning based Sharp Frequency Localized...
Color Image Watermarking using Cycle Spinning based Sharp Frequency Localized...CSCJournals
 

What's hot (20)

Intensity Preserving Cast Removal in Color Images Using Particle Swarm Optimi...
Intensity Preserving Cast Removal in Color Images Using Particle Swarm Optimi...Intensity Preserving Cast Removal in Color Images Using Particle Swarm Optimi...
Intensity Preserving Cast Removal in Color Images Using Particle Swarm Optimi...
 
Learning Feature Representations with K-means
Learning Feature Representations with K-means Learning Feature Representations with K-means
Learning Feature Representations with K-means
 
A Wavelet - Based Object Watermarking System for MPEG4 Video
A Wavelet - Based Object Watermarking System for MPEG4 VideoA Wavelet - Based Object Watermarking System for MPEG4 Video
A Wavelet - Based Object Watermarking System for MPEG4 Video
 
Fk35963966
Fk35963966Fk35963966
Fk35963966
 
PERFORMANCE EVALUATION OF DIFFERENT TECHNIQUES FOR TEXTURE CLASSIFICATION
PERFORMANCE EVALUATION OF DIFFERENT TECHNIQUES FOR TEXTURE CLASSIFICATION PERFORMANCE EVALUATION OF DIFFERENT TECHNIQUES FOR TEXTURE CLASSIFICATION
PERFORMANCE EVALUATION OF DIFFERENT TECHNIQUES FOR TEXTURE CLASSIFICATION
 
A Fusion Based Visibility Enhancement of Single Underwater Hazy Image
A Fusion Based Visibility Enhancement of Single Underwater Hazy ImageA Fusion Based Visibility Enhancement of Single Underwater Hazy Image
A Fusion Based Visibility Enhancement of Single Underwater Hazy Image
 
IRJET- Efficient JPEG Reconstruction using Bayesian MAP and BFMT
IRJET-  	  Efficient JPEG Reconstruction using Bayesian MAP and BFMTIRJET-  	  Efficient JPEG Reconstruction using Bayesian MAP and BFMT
IRJET- Efficient JPEG Reconstruction using Bayesian MAP and BFMT
 
Kernel Estimation of Videodeblurringalgorithm and Motion Compensation of Resi...
Kernel Estimation of Videodeblurringalgorithm and Motion Compensation of Resi...Kernel Estimation of Videodeblurringalgorithm and Motion Compensation of Resi...
Kernel Estimation of Videodeblurringalgorithm and Motion Compensation of Resi...
 
An Efficient APOA Techniques For Generalized Residual Vector Quantization Bas...
An Efficient APOA Techniques For Generalized Residual Vector Quantization Bas...An Efficient APOA Techniques For Generalized Residual Vector Quantization Bas...
An Efficient APOA Techniques For Generalized Residual Vector Quantization Bas...
 
Contourlet Transform Based Method For Medical Image Denoising
Contourlet Transform Based Method For Medical Image DenoisingContourlet Transform Based Method For Medical Image Denoising
Contourlet Transform Based Method For Medical Image Denoising
 
6 10
6 106 10
6 10
 
Analysis of Image Super-Resolution via Reconstruction Filters for Pure Transl...
Analysis of Image Super-Resolution via Reconstruction Filters for Pure Transl...Analysis of Image Super-Resolution via Reconstruction Filters for Pure Transl...
Analysis of Image Super-Resolution via Reconstruction Filters for Pure Transl...
 
nternational Journal of Computational Engineering Research(IJCER)
nternational Journal of Computational Engineering Research(IJCER)nternational Journal of Computational Engineering Research(IJCER)
nternational Journal of Computational Engineering Research(IJCER)
 
decorrelated batch normalization(cvpr2018)
decorrelated batch normalization(cvpr2018)decorrelated batch normalization(cvpr2018)
decorrelated batch normalization(cvpr2018)
 
1 5
1 51 5
1 5
 
F0153236
F0153236F0153236
F0153236
 
Efficient realization-of-an-adfe-with-a-new-adaptive-algorithm
Efficient realization-of-an-adfe-with-a-new-adaptive-algorithmEfficient realization-of-an-adfe-with-a-new-adaptive-algorithm
Efficient realization-of-an-adfe-with-a-new-adaptive-algorithm
 
Fuzzy Encoding For Image Classification Using Gustafson-Kessel Aglorithm
Fuzzy Encoding For Image Classification Using Gustafson-Kessel AglorithmFuzzy Encoding For Image Classification Using Gustafson-Kessel Aglorithm
Fuzzy Encoding For Image Classification Using Gustafson-Kessel Aglorithm
 
Experimental analysis of non-Gaussian noise resistance on global method optic...
Experimental analysis of non-Gaussian noise resistance on global method optic...Experimental analysis of non-Gaussian noise resistance on global method optic...
Experimental analysis of non-Gaussian noise resistance on global method optic...
 
Color Image Watermarking using Cycle Spinning based Sharp Frequency Localized...
Color Image Watermarking using Cycle Spinning based Sharp Frequency Localized...Color Image Watermarking using Cycle Spinning based Sharp Frequency Localized...
Color Image Watermarking using Cycle Spinning based Sharp Frequency Localized...
 

Similar to Style gan hdw

Switchable Deep Beamformer for Ultrasound Imaging Using ADAIN
Switchable Deep Beamformer for Ultrasound Imaging Using ADAINSwitchable Deep Beamformer for Ultrasound Imaging Using ADAIN
Switchable Deep Beamformer for Ultrasound Imaging Using ADAINShujaat Khan
 
Performance Evaluation of Quarter Shift Dual Tree Complex Wavelet Transform B...
Performance Evaluation of Quarter Shift Dual Tree Complex Wavelet Transform B...Performance Evaluation of Quarter Shift Dual Tree Complex Wavelet Transform B...
Performance Evaluation of Quarter Shift Dual Tree Complex Wavelet Transform B...IJECEIAES
 
Reducing the dimensionality of data with neural networks
Reducing the dimensionality of data with neural networksReducing the dimensionality of data with neural networks
Reducing the dimensionality of data with neural networksHakky St
 
IRJET- Coplanar Microstrip Directional Coupler with High Isolation and Goo...
IRJET- 	  Coplanar Microstrip Directional Coupler with High Isolation and Goo...IRJET- 	  Coplanar Microstrip Directional Coupler with High Isolation and Goo...
IRJET- Coplanar Microstrip Directional Coupler with High Isolation and Goo...IRJET Journal
 
Scanner colour calibration
Scanner colour calibrationScanner colour calibration
Scanner colour calibrationTarun Grover
 
IMPROVEMENT OF BM3D ALGORITHM AND EMPLOYMENT TO SATELLITE AND CFA IMAGES DENO...
IMPROVEMENT OF BM3D ALGORITHM AND EMPLOYMENT TO SATELLITE AND CFA IMAGES DENO...IMPROVEMENT OF BM3D ALGORITHM AND EMPLOYMENT TO SATELLITE AND CFA IMAGES DENO...
IMPROVEMENT OF BM3D ALGORITHM AND EMPLOYMENT TO SATELLITE AND CFA IMAGES DENO...ijistjournal
 
IMPROVEMENT OF BM3D ALGORITHM AND EMPLOYMENT TO SATELLITE AND CFA IMAGES DENO...
IMPROVEMENT OF BM3D ALGORITHM AND EMPLOYMENT TO SATELLITE AND CFA IMAGES DENO...IMPROVEMENT OF BM3D ALGORITHM AND EMPLOYMENT TO SATELLITE AND CFA IMAGES DENO...
IMPROVEMENT OF BM3D ALGORITHM AND EMPLOYMENT TO SATELLITE AND CFA IMAGES DENO...ijistjournal
 
Detection and Classification in Hyperspectral Images using Rate Distortion an...
Detection and Classification in Hyperspectral Images using Rate Distortion an...Detection and Classification in Hyperspectral Images using Rate Distortion an...
Detection and Classification in Hyperspectral Images using Rate Distortion an...Pioneer Natural Resources
 
Estimation, Detection & Comparison of Soil Nutrients using Matlab
Estimation, Detection & Comparison of Soil Nutrients using MatlabEstimation, Detection & Comparison of Soil Nutrients using Matlab
Estimation, Detection & Comparison of Soil Nutrients using MatlabIRJET Journal
 
William Bridges Transition Model
William Bridges Transition ModelWilliam Bridges Transition Model
William Bridges Transition ModelMonica Carter
 
Orientation Spectral Resolution Coding for Pattern Recognition
Orientation Spectral Resolution Coding for Pattern RecognitionOrientation Spectral Resolution Coding for Pattern Recognition
Orientation Spectral Resolution Coding for Pattern RecognitionIOSRjournaljce
 
Novel algorithm for color image demosaikcing using laplacian mask
Novel algorithm for color image demosaikcing using laplacian maskNovel algorithm for color image demosaikcing using laplacian mask
Novel algorithm for color image demosaikcing using laplacian maskeSAT Journals
 
A rank based ensemble classifier for image classification
A rank based ensemble classifier for image classificationA rank based ensemble classifier for image classification
A rank based ensemble classifier for image classificationWin Yu
 
A DIGITAL COLOR IMAGE WATERMARKING SYSTEM USING BLIND SOURCE SEPARATION
A DIGITAL COLOR IMAGE WATERMARKING SYSTEM USING BLIND SOURCE SEPARATIONA DIGITAL COLOR IMAGE WATERMARKING SYSTEM USING BLIND SOURCE SEPARATION
A DIGITAL COLOR IMAGE WATERMARKING SYSTEM USING BLIND SOURCE SEPARATIONcscpconf
 
Automatic modulation classification ased b deep learning with mixed feature
Automatic modulation classification ased b  deep learning with  mixed feature Automatic modulation classification ased b  deep learning with  mixed feature
Automatic modulation classification ased b deep learning with mixed feature IJECEIAES
 
Multiexposure Image Fusion
Multiexposure Image FusionMultiexposure Image Fusion
Multiexposure Image FusionIJMER
 
IRJET- A Novel Hybrid Image Denoising Technique based on Trilateral Filtering...
IRJET- A Novel Hybrid Image Denoising Technique based on Trilateral Filtering...IRJET- A Novel Hybrid Image Denoising Technique based on Trilateral Filtering...
IRJET- A Novel Hybrid Image Denoising Technique based on Trilateral Filtering...IRJET Journal
 

Similar to Style gan hdw (20)

stylegan.pdf
stylegan.pdfstylegan.pdf
stylegan.pdf
 
Sudormrf.pdf
Sudormrf.pdfSudormrf.pdf
Sudormrf.pdf
 
Switchable Deep Beamformer for Ultrasound Imaging Using ADAIN
Switchable Deep Beamformer for Ultrasound Imaging Using ADAINSwitchable Deep Beamformer for Ultrasound Imaging Using ADAIN
Switchable Deep Beamformer for Ultrasound Imaging Using ADAIN
 
Performance Evaluation of Quarter Shift Dual Tree Complex Wavelet Transform B...
Performance Evaluation of Quarter Shift Dual Tree Complex Wavelet Transform B...Performance Evaluation of Quarter Shift Dual Tree Complex Wavelet Transform B...
Performance Evaluation of Quarter Shift Dual Tree Complex Wavelet Transform B...
 
Reducing the dimensionality of data with neural networks
Reducing the dimensionality of data with neural networksReducing the dimensionality of data with neural networks
Reducing the dimensionality of data with neural networks
 
IJET-V2I6P17
IJET-V2I6P17IJET-V2I6P17
IJET-V2I6P17
 
IRJET- Coplanar Microstrip Directional Coupler with High Isolation and Goo...
IRJET- 	  Coplanar Microstrip Directional Coupler with High Isolation and Goo...IRJET- 	  Coplanar Microstrip Directional Coupler with High Isolation and Goo...
IRJET- Coplanar Microstrip Directional Coupler with High Isolation and Goo...
 
Scanner colour calibration
Scanner colour calibrationScanner colour calibration
Scanner colour calibration
 
IMPROVEMENT OF BM3D ALGORITHM AND EMPLOYMENT TO SATELLITE AND CFA IMAGES DENO...
IMPROVEMENT OF BM3D ALGORITHM AND EMPLOYMENT TO SATELLITE AND CFA IMAGES DENO...IMPROVEMENT OF BM3D ALGORITHM AND EMPLOYMENT TO SATELLITE AND CFA IMAGES DENO...
IMPROVEMENT OF BM3D ALGORITHM AND EMPLOYMENT TO SATELLITE AND CFA IMAGES DENO...
 
IMPROVEMENT OF BM3D ALGORITHM AND EMPLOYMENT TO SATELLITE AND CFA IMAGES DENO...
IMPROVEMENT OF BM3D ALGORITHM AND EMPLOYMENT TO SATELLITE AND CFA IMAGES DENO...IMPROVEMENT OF BM3D ALGORITHM AND EMPLOYMENT TO SATELLITE AND CFA IMAGES DENO...
IMPROVEMENT OF BM3D ALGORITHM AND EMPLOYMENT TO SATELLITE AND CFA IMAGES DENO...
 
Detection and Classification in Hyperspectral Images using Rate Distortion an...
Detection and Classification in Hyperspectral Images using Rate Distortion an...Detection and Classification in Hyperspectral Images using Rate Distortion an...
Detection and Classification in Hyperspectral Images using Rate Distortion an...
 
Estimation, Detection & Comparison of Soil Nutrients using Matlab
Estimation, Detection & Comparison of Soil Nutrients using MatlabEstimation, Detection & Comparison of Soil Nutrients using Matlab
Estimation, Detection & Comparison of Soil Nutrients using Matlab
 
William Bridges Transition Model
William Bridges Transition ModelWilliam Bridges Transition Model
William Bridges Transition Model
 
Orientation Spectral Resolution Coding for Pattern Recognition
Orientation Spectral Resolution Coding for Pattern RecognitionOrientation Spectral Resolution Coding for Pattern Recognition
Orientation Spectral Resolution Coding for Pattern Recognition
 
Novel algorithm for color image demosaikcing using laplacian mask
Novel algorithm for color image demosaikcing using laplacian maskNovel algorithm for color image demosaikcing using laplacian mask
Novel algorithm for color image demosaikcing using laplacian mask
 
A rank based ensemble classifier for image classification
A rank based ensemble classifier for image classificationA rank based ensemble classifier for image classification
A rank based ensemble classifier for image classification
 
A DIGITAL COLOR IMAGE WATERMARKING SYSTEM USING BLIND SOURCE SEPARATION
A DIGITAL COLOR IMAGE WATERMARKING SYSTEM USING BLIND SOURCE SEPARATIONA DIGITAL COLOR IMAGE WATERMARKING SYSTEM USING BLIND SOURCE SEPARATION
A DIGITAL COLOR IMAGE WATERMARKING SYSTEM USING BLIND SOURCE SEPARATION
 
Automatic modulation classification ased b deep learning with mixed feature
Automatic modulation classification ased b  deep learning with  mixed feature Automatic modulation classification ased b  deep learning with  mixed feature
Automatic modulation classification ased b deep learning with mixed feature
 
Multiexposure Image Fusion
Multiexposure Image FusionMultiexposure Image Fusion
Multiexposure Image Fusion
 
IRJET- A Novel Hybrid Image Denoising Technique based on Trilateral Filtering...
IRJET- A Novel Hybrid Image Denoising Technique based on Trilateral Filtering...IRJET- A Novel Hybrid Image Denoising Technique based on Trilateral Filtering...
IRJET- A Novel Hybrid Image Denoising Technique based on Trilateral Filtering...
 

More from taeseon ryu

OpineSum Entailment-based self-training for abstractive opinion summarization...
OpineSum Entailment-based self-training for abstractive opinion summarization...OpineSum Entailment-based self-training for abstractive opinion summarization...
OpineSum Entailment-based self-training for abstractive opinion summarization...taeseon ryu
 
3D Gaussian Splatting
3D Gaussian Splatting3D Gaussian Splatting
3D Gaussian Splattingtaeseon ryu
 
Hyperbolic Image Embedding.pptx
Hyperbolic  Image Embedding.pptxHyperbolic  Image Embedding.pptx
Hyperbolic Image Embedding.pptxtaeseon ryu
 
MCSE_Multimodal Contrastive Learning of Sentence Embeddings_변현정
MCSE_Multimodal Contrastive Learning of Sentence Embeddings_변현정MCSE_Multimodal Contrastive Learning of Sentence Embeddings_변현정
MCSE_Multimodal Contrastive Learning of Sentence Embeddings_변현정taeseon ryu
 
LLaMA Open and Efficient Foundation Language Models - 230528.pdf
LLaMA Open and Efficient Foundation Language Models - 230528.pdfLLaMA Open and Efficient Foundation Language Models - 230528.pdf
LLaMA Open and Efficient Foundation Language Models - 230528.pdftaeseon ryu
 
Dataset Distillation by Matching Training Trajectories
Dataset Distillation by Matching Training Trajectories Dataset Distillation by Matching Training Trajectories
Dataset Distillation by Matching Training Trajectories taeseon ryu
 
Packed Levitated Marker for Entity and Relation Extraction
Packed Levitated Marker for Entity and Relation ExtractionPacked Levitated Marker for Entity and Relation Extraction
Packed Levitated Marker for Entity and Relation Extractiontaeseon ryu
 
MOReL: Model-Based Offline Reinforcement Learning
MOReL: Model-Based Offline Reinforcement LearningMOReL: Model-Based Offline Reinforcement Learning
MOReL: Model-Based Offline Reinforcement Learningtaeseon ryu
 
Scaling Instruction-Finetuned Language Models
Scaling Instruction-Finetuned Language ModelsScaling Instruction-Finetuned Language Models
Scaling Instruction-Finetuned Language Modelstaeseon ryu
 
Visual prompt tuning
Visual prompt tuningVisual prompt tuning
Visual prompt tuningtaeseon ryu
 
variBAD, A Very Good Method for Bayes-Adaptive Deep RL via Meta-Learning.pdf
variBAD, A Very Good Method for Bayes-Adaptive Deep RL via Meta-Learning.pdfvariBAD, A Very Good Method for Bayes-Adaptive Deep RL via Meta-Learning.pdf
variBAD, A Very Good Method for Bayes-Adaptive Deep RL via Meta-Learning.pdftaeseon ryu
 
Reinforced Genetic Algorithm Learning For Optimizing Computation Graphs.pdf
Reinforced Genetic Algorithm Learning For Optimizing Computation Graphs.pdfReinforced Genetic Algorithm Learning For Optimizing Computation Graphs.pdf
Reinforced Genetic Algorithm Learning For Optimizing Computation Graphs.pdftaeseon ryu
 
The Forward-Forward Algorithm
The Forward-Forward AlgorithmThe Forward-Forward Algorithm
The Forward-Forward Algorithmtaeseon ryu
 
Towards Robust and Reproducible Active Learning using Neural Networks
Towards Robust and Reproducible Active Learning using Neural NetworksTowards Robust and Reproducible Active Learning using Neural Networks
Towards Robust and Reproducible Active Learning using Neural Networkstaeseon ryu
 
BRIO: Bringing Order to Abstractive Summarization
BRIO: Bringing Order to Abstractive SummarizationBRIO: Bringing Order to Abstractive Summarization
BRIO: Bringing Order to Abstractive Summarizationtaeseon ryu
 

More from taeseon ryu (20)

VoxelNet
VoxelNetVoxelNet
VoxelNet
 
OpineSum Entailment-based self-training for abstractive opinion summarization...
OpineSum Entailment-based self-training for abstractive opinion summarization...OpineSum Entailment-based self-training for abstractive opinion summarization...
OpineSum Entailment-based self-training for abstractive opinion summarization...
 
3D Gaussian Splatting
3D Gaussian Splatting3D Gaussian Splatting
3D Gaussian Splatting
 
JetsonTX2 Python
 JetsonTX2 Python  JetsonTX2 Python
JetsonTX2 Python
 
Hyperbolic Image Embedding.pptx
Hyperbolic  Image Embedding.pptxHyperbolic  Image Embedding.pptx
Hyperbolic Image Embedding.pptx
 
MCSE_Multimodal Contrastive Learning of Sentence Embeddings_변현정
MCSE_Multimodal Contrastive Learning of Sentence Embeddings_변현정MCSE_Multimodal Contrastive Learning of Sentence Embeddings_변현정
MCSE_Multimodal Contrastive Learning of Sentence Embeddings_변현정
 
LLaMA Open and Efficient Foundation Language Models - 230528.pdf
LLaMA Open and Efficient Foundation Language Models - 230528.pdfLLaMA Open and Efficient Foundation Language Models - 230528.pdf
LLaMA Open and Efficient Foundation Language Models - 230528.pdf
 
YOLO V6
YOLO V6YOLO V6
YOLO V6
 
Dataset Distillation by Matching Training Trajectories
Dataset Distillation by Matching Training Trajectories Dataset Distillation by Matching Training Trajectories
Dataset Distillation by Matching Training Trajectories
 
RL_UpsideDown
RL_UpsideDownRL_UpsideDown
RL_UpsideDown
 
Packed Levitated Marker for Entity and Relation Extraction
Packed Levitated Marker for Entity and Relation ExtractionPacked Levitated Marker for Entity and Relation Extraction
Packed Levitated Marker for Entity and Relation Extraction
 
MOReL: Model-Based Offline Reinforcement Learning
MOReL: Model-Based Offline Reinforcement LearningMOReL: Model-Based Offline Reinforcement Learning
MOReL: Model-Based Offline Reinforcement Learning
 
Scaling Instruction-Finetuned Language Models
Scaling Instruction-Finetuned Language ModelsScaling Instruction-Finetuned Language Models
Scaling Instruction-Finetuned Language Models
 
Visual prompt tuning
Visual prompt tuningVisual prompt tuning
Visual prompt tuning
 
mPLUG
mPLUGmPLUG
mPLUG
 
variBAD, A Very Good Method for Bayes-Adaptive Deep RL via Meta-Learning.pdf
variBAD, A Very Good Method for Bayes-Adaptive Deep RL via Meta-Learning.pdfvariBAD, A Very Good Method for Bayes-Adaptive Deep RL via Meta-Learning.pdf
variBAD, A Very Good Method for Bayes-Adaptive Deep RL via Meta-Learning.pdf
 
Reinforced Genetic Algorithm Learning For Optimizing Computation Graphs.pdf
Reinforced Genetic Algorithm Learning For Optimizing Computation Graphs.pdfReinforced Genetic Algorithm Learning For Optimizing Computation Graphs.pdf
Reinforced Genetic Algorithm Learning For Optimizing Computation Graphs.pdf
 
The Forward-Forward Algorithm
The Forward-Forward AlgorithmThe Forward-Forward Algorithm
The Forward-Forward Algorithm
 
Towards Robust and Reproducible Active Learning using Neural Networks
Towards Robust and Reproducible Active Learning using Neural NetworksTowards Robust and Reproducible Active Learning using Neural Networks
Towards Robust and Reproducible Active Learning using Neural Networks
 
BRIO: Bringing Order to Abstractive Summarization
BRIO: Bringing Order to Abstractive SummarizationBRIO: Bringing Order to Abstractive Summarization
BRIO: Bringing Order to Abstractive Summarization
 

Recently uploaded

Call Girls Ahmedabad +917728919243 call me Independent Escort Service
Call Girls Ahmedabad +917728919243 call me Independent Escort ServiceCall Girls Ahmedabad +917728919243 call me Independent Escort Service
Call Girls Ahmedabad +917728919243 call me Independent Escort Serviceshivanisharma5244
 
Terpineol and it's characterization pptx
Terpineol and it's characterization pptxTerpineol and it's characterization pptx
Terpineol and it's characterization pptxMuhammadRazzaq31
 
module for grade 9 for distance learning
module for grade 9 for distance learningmodule for grade 9 for distance learning
module for grade 9 for distance learninglevieagacer
 
PODOCARPUS...........................pptx
PODOCARPUS...........................pptxPODOCARPUS...........................pptx
PODOCARPUS...........................pptxCherry
 
(May 9, 2024) Enhanced Ultrafast Vector Flow Imaging (VFI) Using Multi-Angle ...
(May 9, 2024) Enhanced Ultrafast Vector Flow Imaging (VFI) Using Multi-Angle ...(May 9, 2024) Enhanced Ultrafast Vector Flow Imaging (VFI) Using Multi-Angle ...
(May 9, 2024) Enhanced Ultrafast Vector Flow Imaging (VFI) Using Multi-Angle ...Scintica Instrumentation
 
Kanchipuram Escorts 🥰 8617370543 Call Girls Offer VIP Hot Girls
Kanchipuram Escorts 🥰 8617370543 Call Girls Offer VIP Hot GirlsKanchipuram Escorts 🥰 8617370543 Call Girls Offer VIP Hot Girls
Kanchipuram Escorts 🥰 8617370543 Call Girls Offer VIP Hot GirlsDeepika Singh
 
COMPOSTING : types of compost, merits and demerits
COMPOSTING : types of compost, merits and demeritsCOMPOSTING : types of compost, merits and demerits
COMPOSTING : types of compost, merits and demeritsCherry
 
CURRENT SCENARIO OF POULTRY PRODUCTION IN INDIA
CURRENT SCENARIO OF POULTRY PRODUCTION IN INDIACURRENT SCENARIO OF POULTRY PRODUCTION IN INDIA
CURRENT SCENARIO OF POULTRY PRODUCTION IN INDIADr. TATHAGAT KHOBRAGADE
 
development of diagnostic enzyme assay to detect leuser virus
development of diagnostic enzyme assay to detect leuser virusdevelopment of diagnostic enzyme assay to detect leuser virus
development of diagnostic enzyme assay to detect leuser virusNazaninKarimi6
 
Role of AI in seed science Predictive modelling and Beyond.pptx
Role of AI in seed science  Predictive modelling and  Beyond.pptxRole of AI in seed science  Predictive modelling and  Beyond.pptx
Role of AI in seed science Predictive modelling and Beyond.pptxArvind Kumar
 
FAIRSpectra - Enabling the FAIRification of Spectroscopy and Spectrometry
FAIRSpectra - Enabling the FAIRification of Spectroscopy and SpectrometryFAIRSpectra - Enabling the FAIRification of Spectroscopy and Spectrometry
FAIRSpectra - Enabling the FAIRification of Spectroscopy and SpectrometryAlex Henderson
 
POGONATUM : morphology, anatomy, reproduction etc.
POGONATUM : morphology, anatomy, reproduction etc.POGONATUM : morphology, anatomy, reproduction etc.
POGONATUM : morphology, anatomy, reproduction etc.Cherry
 
Porella : features, morphology, anatomy, reproduction etc.
Porella : features, morphology, anatomy, reproduction etc.Porella : features, morphology, anatomy, reproduction etc.
Porella : features, morphology, anatomy, reproduction etc.Cherry
 
Digital Dentistry.Digital Dentistryvv.pptx
Digital Dentistry.Digital Dentistryvv.pptxDigital Dentistry.Digital Dentistryvv.pptx
Digital Dentistry.Digital Dentistryvv.pptxMohamedFarag457087
 
Factory Acceptance Test( FAT).pptx .
Factory Acceptance Test( FAT).pptx       .Factory Acceptance Test( FAT).pptx       .
Factory Acceptance Test( FAT).pptx .Poonam Aher Patil
 
FAIRSpectra - Enabling the FAIRification of Analytical Science
FAIRSpectra - Enabling the FAIRification of Analytical ScienceFAIRSpectra - Enabling the FAIRification of Analytical Science
FAIRSpectra - Enabling the FAIRification of Analytical ScienceAlex Henderson
 
TransientOffsetin14CAftertheCarringtonEventRecordedbyPolarTreeRings
TransientOffsetin14CAftertheCarringtonEventRecordedbyPolarTreeRingsTransientOffsetin14CAftertheCarringtonEventRecordedbyPolarTreeRings
TransientOffsetin14CAftertheCarringtonEventRecordedbyPolarTreeRingsSérgio Sacani
 
CYTOGENETIC MAP................ ppt.pptx
CYTOGENETIC MAP................ ppt.pptxCYTOGENETIC MAP................ ppt.pptx
CYTOGENETIC MAP................ ppt.pptxCherry
 
Selaginella: features, morphology ,anatomy and reproduction.
Selaginella: features, morphology ,anatomy and reproduction.Selaginella: features, morphology ,anatomy and reproduction.
Selaginella: features, morphology ,anatomy and reproduction.Cherry
 

Recently uploaded (20)

Call Girls Ahmedabad +917728919243 call me Independent Escort Service
Call Girls Ahmedabad +917728919243 call me Independent Escort ServiceCall Girls Ahmedabad +917728919243 call me Independent Escort Service
Call Girls Ahmedabad +917728919243 call me Independent Escort Service
 
Terpineol and it's characterization pptx
Terpineol and it's characterization pptxTerpineol and it's characterization pptx
Terpineol and it's characterization pptx
 
module for grade 9 for distance learning
module for grade 9 for distance learningmodule for grade 9 for distance learning
module for grade 9 for distance learning
 
PODOCARPUS...........................pptx
PODOCARPUS...........................pptxPODOCARPUS...........................pptx
PODOCARPUS...........................pptx
 
(May 9, 2024) Enhanced Ultrafast Vector Flow Imaging (VFI) Using Multi-Angle ...
(May 9, 2024) Enhanced Ultrafast Vector Flow Imaging (VFI) Using Multi-Angle ...(May 9, 2024) Enhanced Ultrafast Vector Flow Imaging (VFI) Using Multi-Angle ...
(May 9, 2024) Enhanced Ultrafast Vector Flow Imaging (VFI) Using Multi-Angle ...
 
Kanchipuram Escorts 🥰 8617370543 Call Girls Offer VIP Hot Girls
Kanchipuram Escorts 🥰 8617370543 Call Girls Offer VIP Hot GirlsKanchipuram Escorts 🥰 8617370543 Call Girls Offer VIP Hot Girls
Kanchipuram Escorts 🥰 8617370543 Call Girls Offer VIP Hot Girls
 
COMPOSTING : types of compost, merits and demerits
COMPOSTING : types of compost, merits and demeritsCOMPOSTING : types of compost, merits and demerits
COMPOSTING : types of compost, merits and demerits
 
Clean In Place(CIP).pptx .
Clean In Place(CIP).pptx                 .Clean In Place(CIP).pptx                 .
Clean In Place(CIP).pptx .
 
CURRENT SCENARIO OF POULTRY PRODUCTION IN INDIA
CURRENT SCENARIO OF POULTRY PRODUCTION IN INDIACURRENT SCENARIO OF POULTRY PRODUCTION IN INDIA
CURRENT SCENARIO OF POULTRY PRODUCTION IN INDIA
 
development of diagnostic enzyme assay to detect leuser virus
development of diagnostic enzyme assay to detect leuser virusdevelopment of diagnostic enzyme assay to detect leuser virus
development of diagnostic enzyme assay to detect leuser virus
 
Role of AI in seed science Predictive modelling and Beyond.pptx
Role of AI in seed science  Predictive modelling and  Beyond.pptxRole of AI in seed science  Predictive modelling and  Beyond.pptx
Role of AI in seed science Predictive modelling and Beyond.pptx
 
FAIRSpectra - Enabling the FAIRification of Spectroscopy and Spectrometry
FAIRSpectra - Enabling the FAIRification of Spectroscopy and SpectrometryFAIRSpectra - Enabling the FAIRification of Spectroscopy and Spectrometry
FAIRSpectra - Enabling the FAIRification of Spectroscopy and Spectrometry
 
POGONATUM : morphology, anatomy, reproduction etc.
POGONATUM : morphology, anatomy, reproduction etc.POGONATUM : morphology, anatomy, reproduction etc.
POGONATUM : morphology, anatomy, reproduction etc.
 
Porella : features, morphology, anatomy, reproduction etc.
Porella : features, morphology, anatomy, reproduction etc.Porella : features, morphology, anatomy, reproduction etc.
Porella : features, morphology, anatomy, reproduction etc.
 
Digital Dentistry.Digital Dentistryvv.pptx
Digital Dentistry.Digital Dentistryvv.pptxDigital Dentistry.Digital Dentistryvv.pptx
Digital Dentistry.Digital Dentistryvv.pptx
 
Factory Acceptance Test( FAT).pptx .
Factory Acceptance Test( FAT).pptx       .Factory Acceptance Test( FAT).pptx       .
Factory Acceptance Test( FAT).pptx .
 
FAIRSpectra - Enabling the FAIRification of Analytical Science
FAIRSpectra - Enabling the FAIRification of Analytical ScienceFAIRSpectra - Enabling the FAIRification of Analytical Science
FAIRSpectra - Enabling the FAIRification of Analytical Science
 
TransientOffsetin14CAftertheCarringtonEventRecordedbyPolarTreeRings
TransientOffsetin14CAftertheCarringtonEventRecordedbyPolarTreeRingsTransientOffsetin14CAftertheCarringtonEventRecordedbyPolarTreeRings
TransientOffsetin14CAftertheCarringtonEventRecordedbyPolarTreeRings
 
CYTOGENETIC MAP................ ppt.pptx
CYTOGENETIC MAP................ ppt.pptxCYTOGENETIC MAP................ ppt.pptx
CYTOGENETIC MAP................ ppt.pptx
 
Selaginella: features, morphology ,anatomy and reproduction.
Selaginella: features, morphology ,anatomy and reproduction.Selaginella: features, morphology ,anatomy and reproduction.
Selaginella: features, morphology ,anatomy and reproduction.
 

Style gan hdw

  • 1. A Style-Based Generator Architecture for Generative Adversarial Networks Karras, Laine, and Aila, CVPR, 2019 Date: 2021.03.21 Members: 김상현, 김선옥, 신정호 Presenter: 허다운
  • 2. Contents £ Contribution £ Background £ Style-based Generator £ Quality of generated images £ Properties of the style-based generator £ Disentanglement studies & Quantifying methods £ Conclusion
  • 3. Contribution £ Motivated by style transfer literature, researcher re-design the generator architecture in a way that exposes novel ways to control the image synthesis process. £ Proposed new generator £ The new architecture leads to an automatically learned, unsupervised seperation of high-level attributes £ Stochastic variation in the generated images (e.g., freckles, hair) £ Intuitive, scale-specific control of the synthesis (i.e. directly controlling the strength of image features at different scales) £ Proposed two new methods to quantify interpolation quality and disentanglement £ Introduced a new, highly varied and high-quality dataset of human faces
  • 4. Background: Several Normalization Methods • Batch normalization [2] (Yuxin and Kaiming, 2020) (Yuxin and Kaiming, 2020) Instance normalization [3] • Adaptive Instance Normalization • Conditional Instance Normalization
  • 5. Background: What is Progressive Growing GAN? [5]
  • 6. Style-based Generator Figure 1. While a traditional generator [5] feeds the latent code though the input layer only, we first map the input to an intermediate latent space W, which then controls the generator through adaptive instance normalization (AdaIN) at each convolution layer. Gaussian noise is added after each convolution, before evaluating the nonlinearity. Here “A” stands for a learned affine transform, and “B” applies learned per-channel scaling factors to the noise input. The mapping network f consists of 8 layers and the synthesis network g consists of 18 layers— two for each resolution (42 − 10242). The output of the last layer is converted to RGB using a separate 1 × 1 convolution, similar to Karras et al. [5]. Our generator has a total of 26.2M trainable parameters, compared to 23.1M in the traditional generator.
  • 7. Style-based Generator Figure 1. While a traditional generator [5] feeds the latent code though the input layer only, we first map the input to an intermediate latent space W, which then controls the generator through adaptive instance normalization (AdaIN) at each convolution layer. Gaussian noise is added after each convolution, before evaluating the nonlinearity. Here “A” stands for a learned affine transform, and “B” applies learned per-channel scaling factors to the noise input. The mapping network f consists of 8 layers and the synthesis network g consists of 18 layers— two for each resolution (42 − 10242). The output of the last layer is converted to RGB using a separate 1 × 1 convolution, similar to Karras et al. [5]. Our generator has a total of 26.2M trainable parameters, compared to 23.1M in the traditional generator.
  • 9. Quality of generated images Figure 2. Uncurated set of images produced by our style-based generator (config F) with the FFHQ dataset. Here we used a variation of the truncation trick with ψ = 0.7 for resolutions 42 − 322.
  • 10. Properties of the style-based generator: Style mixing Figure 3. Two sets of images were generated from their respective latent codes (sources A and B); the rest of the images were generated by copying a specified subset of styles from source B and taking the rest from source A. Copying the styles corresponding to coarse spatial resolutions (42­ 82) brings high-level aspects such as pose, general hair style, face shape, and eyeglasses from source B, while all colors (eyes, hair, lighting) and finer facial features resemble A. If we instead copy the styles of middle resolutions (162­ 322) from B, we inherit smaller scale facial features, hair style, eyes open/closed from B, while the pose, general face shape, and eyeglasses from A are preserved. Finally, copying the fine styles (642­ 10242) from B brings mainly the color scheme and microstructure. Table 2. FIDs in FFHQ for networks trained by enabling the mixing regularization for different percentage of training examples. Here we stress test the trained networks by randomizing 1...4 latents and the crossover points between them. Mixing regularization improves the tolerance to these adverse operations significantly. Labels E and F refer to the configurations in Table 1.
  • 11. Properties of the style-based generator: Stochastic variation Figure 4. Examples of stochastic variation. (a) Two generated images. (b) Zoom-in with different realizations of input noise. While the overall appearance is almost identical, individual hairs are placed very differently. (c) Standard deviation of each pixel over 100 different realizations, highlighting which parts of the images are affected by the noise. The main areas are the hair, silhouettes, and parts of background, but there is also interesting stochastic variation in the eye reflections. Global aspects such as identity and pose are unaffected by stochastic variation. (a) Generated image (b) Stochastic variation (c) Standard deviation Figure 5. Effect of noise inputs at different layers of our generator. (a) Noise is applied to all layers. (b) No noise. (c) Noise in fine layers only (642­ 10242): brings out the finer curls of hair, finer background detail, and skin pores. (d) Noise in coarse layers only (42­ 322): causes large- scale curling of hair and appearance of larger background features
  • 12. Disentanglement studies & Quantifying methods (1/2) £ Linear separability £ Labeled genearted images £ Classify them using the auxiliary classification network £ Fit a linear SVM to predict the label based on the latent-space point and classify the points by this plan £ compute the conditional entropy £ Perceptual path length
  • 13. Disentanglement studies & Quantifying methods (2/2)
  • 14. Conclusion £ Proposed new generator £ Separation of high-level attributes and stochastic effects £ The linearity of the intermediate latent space £ Proposed two new methods to quantify interpolation quality and disentanglement £ Perceptual path length and linear separability £ Introduced a new, highly varied and high-quality dataset of human faces
  • 16. References [1] Karras, Tero, Samuli Laine, and Timo Aila, "A style-based generator architecture for generative adversarial networks," Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, 2019. [2] Ioffe, Sergey, and Christian Szegedy, "Batch normalization: Accelerating deep network training by reducing internal covariate shift," International conference on machine learning. PMLR, 2015. [3] Ulyanov, Dmitry, Andrea Vedaldi, and Victor Lempitsky, "Instance normalization: The missing ingredient for fast stylization," arXiv preprint arXiv:1607.08022, 2016. [4] Wu, Yuxin, and Kaiming He, "Group normalization," Proceedings of the European conference on computer vision (ECCV), 2018. [5] Karras, Tero, et al., "Progressive growing of gans for improved quality, stability, and variation," arXiv preprint arXiv:1710.10196, 2017.
  • 18. A Trick for Visualization: Truncation Trick