SlideShare a Scribd company logo
1 of 77
Download to read offline






!




https://medium.com/@crosssceneofwindff






















θ
p(x; θ)


z ~ pz
G: Generator

D: Discriminator

V: Objective Function



pz: Noise distribution

pg: Generator distribution

pdata: Training data distribution
D(x) = 1 D(G(z)) = 0
D(G(z)) = 1
G D F(y) = alog(y) + blog(1-y)
D
G(z)))dz
Jensen-Shannon Divergence:
D
JSD(p||q) = {KL(p||m) + KL(q||m)}/2 where m = (p + q)/2
D
pdata = pg 

z ~ pz






CNN
















z
Mode Collapse

























1-α






Generator
Conv1_1
Conv1_2
Conv2_1
Conv2_2
Conv3_1
Conv3_2
Conv3_3
Conv3_4
Conv4_1
Conv4_2
Conv4_3
Conv4_4
Conv5_1
Conv5_2
Conv5_3
Conv5_4
Vgg19(fix)


Encoder
Classifier
x
z
y
{xi}i = 1...N ∈ X (X: source domain)

{yj}j = 1...M ∈ Y (Y: target domain)
X Y, Y X




pix2pix CycleGAN
- G: X → Y
- F: Y → X
- DX :
- DY: 



G x
Dy
F(G(x)) ~ x
F y
Dx
G(F(y)) ~ y




Illustration2Vec
Kawaii Illustration
Kawaii
Illustration
Kawaii
Illustration
Kawaii gif
Kawaii Illustration
Kawaii Illustration Kawaii gif















 
 
 


 

G: X → Y G Y Y






Original
Results
Id-loss Id-loss
A B




Adversarial loss
L1 Distance
σ: µ:
source
target AdaIN
CycleGAN-VC
1. Network Architecture: 1D CNN -> 2D-1D-2D CNN



















2. Two-Step Adversarial loss

Adversarial Loss
3. PatchGAN

Discriminator
StarGAN-VC
1. Source-and-Target Adversarial Loss













2. Conditional Instance Normalization

Generator Discriminator Target
Source
Instance
Normalization
! Ian J Goodfellow, et al., “Generative Adversarial Nets”. NIPS2014
! Alec Radford et al., “Unsupervised Representation Learning with Deep Convolutional Adversarial Networks”.
ICLR2016
! Naveen Kodali, et al., “On Convergence and Stability of GANs”. arXiv:1705.07215
! Xudong Mao, et al., “Least Squares Generative Adversarial Networks”. ICCV2016
! Takeru Miyato, et al., “Spectral Normalization for Generative Adversarial Networks”. ICLR2018
! Martin Heusel, et al., “GANs Trained by a Two Time-Scale Update Rule Converge to a Local Nash
Equilibrium”. NIPS2017
! Lars Mescheder, et al., “Which Training Methods for GANs do actually Converge?”. ICML2018
! Alexia Jolicoeur-martineau. “The Relativistic Discriminator: A key element missing from Standard GAN”.
ICLR2019
! Martin Arjovsky, et al., “Wasserstein GAN”. arXiv: 1701.07875
! Ishaan Gulrajani, et al., “Improved Training of Wasserstein GANs”. NIPS2017
! Akash Srivastava, et al., “VEEGAN: Reducing Mode Collapse in GANs using Implicit Variational Learning”,
NIPS2017
! Chang Xiao, et al., “BourGAN: Generative Networks with Metric Embeddings”. NIPS2018
! Tong Che, et al., “Mode Regularized Generative Adversarial Networks”. ICLR2017
! Luke Metz, et al., “Unrolled Generative Adversarial Networks”. ICLR2017
! Qi Mao, et al., “Mode Seeking Generative Adversarial Networks for Diverse Image Synthesis”. CVPR2019
! Han Zhang, et al., “StackGAN: Text to Photo-realistic Image Synthesis with Stacked Generative Adversarial
Networks” ICCV2017
! Han Zhang, et al., “StackGAN++: Realistic Image Synthesis with Stacked Generative Adversarial Networks”.
TPAMI2018
! Tero Karras, et al., “Progressive Growing of GANs for Improved Quality, Stability, and Variation”. ICLR2018
! Andrew Brock, et al., “Large Scale GAN Training for High Fidelity Natural Image Synthesis”. ICLR2019
! Tero Karras, et al., “A Style-Based Generator Architecture for Generative Adversarial Networks”. CVPR2019
! Christian Ledig, et al., “Photo-Realistic Single Image Super-Resolution Using a Generative Adversarial
Network”. CVPR2017
! Xintao Wang, et al., “ESRGAN: Enhanced Super-Resolution Generative Adversarial Networks”. ECCV2018
! Mengyu Chu, et al., “Temporally Coherent GANs for Video Super-Resolution (TecoGAN)”. arXiv: 1811.0939
! Phillip Isola, et al., “Image-to-Image Translation with Conditional Adversarial Networks”. CVPR2017
! Jun-Yan Zhu, et al., “Unpaired Image-to-Image Translation using Cycle-Consistent Adversarial Networks”.
ICCV2017
! Yunjey Choi, et al., “StarGAN: Unified Generative Adversarial Networks for Multi-Domain Image-to-Image
Translation”. CVPR2018
! Ming-Yu Liu, et al., “Few-Shot Unsupervised Image-to-Image Translation”. ICCV2019
! Sangwoo Mo, et al., “InstaGAN: Instance-aware Image-to-Image Translation”. ICLR2019
! Junho Kim, et al., “U-GAT-IT: Unsupervised Generative Attentional Networks with Adaptive Layer-Instance
Normalization for Image-to-Image Translation”. arXiv: 1907.10830
! Eric Tzeng, et al., “Adversarial Discriminative Domain Adaptation”. CVPR2017
! Issam Laradji, et al., “M-ADDA: Unsupervised Domain Adaptation with Deep Metric Learning”. ICML2018
! Judy Hoffman, et al., “CyCADA: Cycle-Consistent Adversarial Domain Adaptation”. ICML2018
! Ming-Yu Liu, et al., “Coupled Generative Adversarial Networks”. NIPS2016
! Carl Vondrick, et al., “Generating Videos with Scene Dynamics”. NIPS2016
! Masaki Saito, et al., “Temporal Generative Adversarial Nets with Singular Value Clipping”. ICCV2017
! Sergey Tulyakov, et al., “MoCoGAN: Decomposing Motion and Content for Video Generation”. CVPR2018
! Katsunori Ohnishi, et al., “Hierarchical Video Generation from Orthogonal Information: Optical Flow and
Texture”. AAAI2018
! Aidan Clark, et al., “Adversarial Video Generation on Complex Datasets”. arXiv: 1907.06571
! Jiajun Wu, et al., “Learning a Probabilistic Latent Space of Object Shapes via 3D Generative-Adversarial
Modeling”. NIPS2016
! Ruihui Li, et al., “PU-GAN: a Point Cloud Upsampling Adversarial Network”. ICCV2019
! Shiyang Cheng, et al., “MeshGAN: Non-linear 3D Morphable Models of Faces”. arXiv: 1903.10384
! Thomas Schlegl, et al., “Unsupervised Anomaly Detection with Generative Adversarial Networks to Guide
Marker Discovery”. IPMI2017
! Houssam Zenati, et al., “Efficient GAN-Based Anomaly Detection”. ICLRW2018
! Dan Li, et al., “Anomaly Detection with Generative Adversarial Networks for Multivariate Time Series”. arXiv:
1809.04758
! Pramuditha Perera, et al., “OCGAN: One-class Novelty Detection Using GANs with Constrained Latent
Representations”. CVPR2019
! Jesse Engel, et al., “GANSynth: Adversarial Neural Audio Synthesis”. ICLR2019
! Chris Donahue, et al., “Adversarial Audio Synthesis”. ICLR2019
! Andrés Marafioti, et al., “Adversarial Generation of Time-Frequency Features with application in audio
synthesis”. ICML2019
! Santiago Pascual, et al., “SEGAN: Speech Enhancement Generative Adversarial Network”.
INTERSPEECH2017
! Kou Tanaka, et al., “WaveCycleGAN: Synthetic-to-natural speech waveform conversion using cycle-
consistent adversarial networks”. STL2018
! Kou Tanaka, et al., “WaveCycleGAN2: Time-domain Neural Post-filter for Speech Waveform Generation”.
arXiv: 1904.02892
! Takuhiro Kaneko, et al., “CycleGAN-VC: Non-parallel Voice Conversion Using Cycle-Consistent Adversarial
Networks”. EUSIPCO2018
! Takuhiro Kaneko, et al., “CycleGAN-VC2: Improved CycleGAN-based Non-parallel Voice Conversion”.
ICASSP2019
! Hirokazu Kameoka, et al., “StarGAN-VC: Non-parallel many-to-many voice conversion with star generative
adversarial networks”. arXiv: 1806.02169
! Takuhiro Kaneko, et al., “StarGAN-VC2: Rethinking Conditional Methods for StarGAN-Based Voice
Conversion”. INTERSPEECH2019
! “AdaGAN: Adaptive GAN for Many-to-Many Non-Parallel Voice Conversion”. ICLR2020 under review
! Yuki Saito, et al., “Statistical Parametric Speech Synthesis Incorporating Generative Adversarial Networks”.
IEEE/ACM Transactions on Audio, Speech, and Language Processing 2018
! Mikołaj Bińkowski, et al., “High Fidelity Speech Synthesis with Adversarial Networks”. arXiv: 1909.11646
! Ju-chieh Chou, et al., “One-shot Voice Conversion by Separating Speaker and Content Representations
with Instance Normalization”. INTERSPEECH2019

More Related Content

What's hot

【DL輪読会】StyleCLIP: Text-Driven Manipulation of StyleGAN Imagery
【DL輪読会】StyleCLIP: Text-Driven Manipulation of StyleGAN Imagery【DL輪読会】StyleCLIP: Text-Driven Manipulation of StyleGAN Imagery
【DL輪読会】StyleCLIP: Text-Driven Manipulation of StyleGAN ImageryDeep Learning JP
 
[DL輪読会]Geometric Unsupervised Domain Adaptation for Semantic Segmentation
[DL輪読会]Geometric Unsupervised Domain Adaptation for Semantic Segmentation[DL輪読会]Geometric Unsupervised Domain Adaptation for Semantic Segmentation
[DL輪読会]Geometric Unsupervised Domain Adaptation for Semantic SegmentationDeep Learning JP
 
[DL輪読会]Let there be color
[DL輪読会]Let there be color[DL輪読会]Let there be color
[DL輪読会]Let there be colorDeep Learning JP
 
[DL輪読会]ICLR2020の分布外検知速報
[DL輪読会]ICLR2020の分布外検知速報[DL輪読会]ICLR2020の分布外検知速報
[DL輪読会]ICLR2020の分布外検知速報Deep Learning JP
 
[DL輪読会]Energy-based generative adversarial networks
[DL輪読会]Energy-based generative adversarial networks[DL輪読会]Energy-based generative adversarial networks
[DL輪読会]Energy-based generative adversarial networksDeep Learning JP
 
【DL輪読会】ViT + Self Supervised Learningまとめ
【DL輪読会】ViT + Self Supervised Learningまとめ【DL輪読会】ViT + Self Supervised Learningまとめ
【DL輪読会】ViT + Self Supervised LearningまとめDeep Learning JP
 
Transformer 動向調査 in 画像認識
Transformer 動向調査 in 画像認識Transformer 動向調査 in 画像認識
Transformer 動向調査 in 画像認識Kazuki Maeno
 
近年のHierarchical Vision Transformer
近年のHierarchical Vision Transformer近年のHierarchical Vision Transformer
近年のHierarchical Vision TransformerYusuke Uchida
 
【DL輪読会】ConvNeXt V2: Co-designing and Scaling ConvNets with Masked Autoencoders
【DL輪読会】ConvNeXt V2: Co-designing and Scaling ConvNets with Masked Autoencoders【DL輪読会】ConvNeXt V2: Co-designing and Scaling ConvNets with Masked Autoencoders
【DL輪読会】ConvNeXt V2: Co-designing and Scaling ConvNets with Masked AutoencodersDeep Learning JP
 
[DL輪読会]data2vec: A General Framework for Self-supervised Learning in Speech,...
[DL輪読会]data2vec: A General Framework for  Self-supervised Learning in Speech,...[DL輪読会]data2vec: A General Framework for  Self-supervised Learning in Speech,...
[DL輪読会]data2vec: A General Framework for Self-supervised Learning in Speech,...Deep Learning JP
 
文献紹介:YOLO series:v1-v5, X, F, and YOWO
文献紹介:YOLO series:v1-v5, X, F, and YOWO文献紹介:YOLO series:v1-v5, X, F, and YOWO
文献紹介:YOLO series:v1-v5, X, F, and YOWOToru Tamaki
 
【DL輪読会】言語以外でのTransformerのまとめ (ViT, Perceiver, Frozen Pretrained Transformer etc)
【DL輪読会】言語以外でのTransformerのまとめ (ViT, Perceiver, Frozen Pretrained Transformer etc)【DL輪読会】言語以外でのTransformerのまとめ (ViT, Perceiver, Frozen Pretrained Transformer etc)
【DL輪読会】言語以外でのTransformerのまとめ (ViT, Perceiver, Frozen Pretrained Transformer etc)Deep Learning JP
 
【DL輪読会】"Masked Siamese Networks for Label-Efficient Learning"
【DL輪読会】"Masked Siamese Networks for Label-Efficient Learning"【DL輪読会】"Masked Siamese Networks for Label-Efficient Learning"
【DL輪読会】"Masked Siamese Networks for Label-Efficient Learning"Deep Learning JP
 
ドメイン適応の原理と応用
ドメイン適応の原理と応用ドメイン適応の原理と応用
ドメイン適応の原理と応用Yoshitaka Ushiku
 
【メタサーベイ】Video Transformer
 【メタサーベイ】Video Transformer 【メタサーベイ】Video Transformer
【メタサーベイ】Video Transformercvpaper. challenge
 
文献紹介:X3D: Expanding Architectures for Efficient Video Recognition
文献紹介:X3D: Expanding Architectures for Efficient Video Recognition文献紹介:X3D: Expanding Architectures for Efficient Video Recognition
文献紹介:X3D: Expanding Architectures for Efficient Video RecognitionToru Tamaki
 
CVPR2018 pix2pixHD論文紹介 (CV勉強会@関東)
CVPR2018 pix2pixHD論文紹介 (CV勉強会@関東)CVPR2018 pix2pixHD論文紹介 (CV勉強会@関東)
CVPR2018 pix2pixHD論文紹介 (CV勉強会@関東)Tenki Lee
 
MS COCO Dataset Introduction
MS COCO Dataset IntroductionMS COCO Dataset Introduction
MS COCO Dataset IntroductionShinagawa Seitaro
 
[DL輪読会]Progressive Growing of GANs for Improved Quality, Stability, and Varia...
[DL輪読会]Progressive Growing of GANs for Improved Quality, Stability, and Varia...[DL輪読会]Progressive Growing of GANs for Improved Quality, Stability, and Varia...
[DL輪読会]Progressive Growing of GANs for Improved Quality, Stability, and Varia...Deep Learning JP
 

What's hot (20)

【DL輪読会】StyleCLIP: Text-Driven Manipulation of StyleGAN Imagery
【DL輪読会】StyleCLIP: Text-Driven Manipulation of StyleGAN Imagery【DL輪読会】StyleCLIP: Text-Driven Manipulation of StyleGAN Imagery
【DL輪読会】StyleCLIP: Text-Driven Manipulation of StyleGAN Imagery
 
[DL輪読会]Geometric Unsupervised Domain Adaptation for Semantic Segmentation
[DL輪読会]Geometric Unsupervised Domain Adaptation for Semantic Segmentation[DL輪読会]Geometric Unsupervised Domain Adaptation for Semantic Segmentation
[DL輪読会]Geometric Unsupervised Domain Adaptation for Semantic Segmentation
 
[DL輪読会]Let there be color
[DL輪読会]Let there be color[DL輪読会]Let there be color
[DL輪読会]Let there be color
 
[DL輪読会]ICLR2020の分布外検知速報
[DL輪読会]ICLR2020の分布外検知速報[DL輪読会]ICLR2020の分布外検知速報
[DL輪読会]ICLR2020の分布外検知速報
 
[DL輪読会]Energy-based generative adversarial networks
[DL輪読会]Energy-based generative adversarial networks[DL輪読会]Energy-based generative adversarial networks
[DL輪読会]Energy-based generative adversarial networks
 
【DL輪読会】ViT + Self Supervised Learningまとめ
【DL輪読会】ViT + Self Supervised Learningまとめ【DL輪読会】ViT + Self Supervised Learningまとめ
【DL輪読会】ViT + Self Supervised Learningまとめ
 
実装レベルで学ぶVQVAE
実装レベルで学ぶVQVAE実装レベルで学ぶVQVAE
実装レベルで学ぶVQVAE
 
Transformer 動向調査 in 画像認識
Transformer 動向調査 in 画像認識Transformer 動向調査 in 画像認識
Transformer 動向調査 in 画像認識
 
近年のHierarchical Vision Transformer
近年のHierarchical Vision Transformer近年のHierarchical Vision Transformer
近年のHierarchical Vision Transformer
 
【DL輪読会】ConvNeXt V2: Co-designing and Scaling ConvNets with Masked Autoencoders
【DL輪読会】ConvNeXt V2: Co-designing and Scaling ConvNets with Masked Autoencoders【DL輪読会】ConvNeXt V2: Co-designing and Scaling ConvNets with Masked Autoencoders
【DL輪読会】ConvNeXt V2: Co-designing and Scaling ConvNets with Masked Autoencoders
 
[DL輪読会]data2vec: A General Framework for Self-supervised Learning in Speech,...
[DL輪読会]data2vec: A General Framework for  Self-supervised Learning in Speech,...[DL輪読会]data2vec: A General Framework for  Self-supervised Learning in Speech,...
[DL輪読会]data2vec: A General Framework for Self-supervised Learning in Speech,...
 
文献紹介:YOLO series:v1-v5, X, F, and YOWO
文献紹介:YOLO series:v1-v5, X, F, and YOWO文献紹介:YOLO series:v1-v5, X, F, and YOWO
文献紹介:YOLO series:v1-v5, X, F, and YOWO
 
【DL輪読会】言語以外でのTransformerのまとめ (ViT, Perceiver, Frozen Pretrained Transformer etc)
【DL輪読会】言語以外でのTransformerのまとめ (ViT, Perceiver, Frozen Pretrained Transformer etc)【DL輪読会】言語以外でのTransformerのまとめ (ViT, Perceiver, Frozen Pretrained Transformer etc)
【DL輪読会】言語以外でのTransformerのまとめ (ViT, Perceiver, Frozen Pretrained Transformer etc)
 
【DL輪読会】"Masked Siamese Networks for Label-Efficient Learning"
【DL輪読会】"Masked Siamese Networks for Label-Efficient Learning"【DL輪読会】"Masked Siamese Networks for Label-Efficient Learning"
【DL輪読会】"Masked Siamese Networks for Label-Efficient Learning"
 
ドメイン適応の原理と応用
ドメイン適応の原理と応用ドメイン適応の原理と応用
ドメイン適応の原理と応用
 
【メタサーベイ】Video Transformer
 【メタサーベイ】Video Transformer 【メタサーベイ】Video Transformer
【メタサーベイ】Video Transformer
 
文献紹介:X3D: Expanding Architectures for Efficient Video Recognition
文献紹介:X3D: Expanding Architectures for Efficient Video Recognition文献紹介:X3D: Expanding Architectures for Efficient Video Recognition
文献紹介:X3D: Expanding Architectures for Efficient Video Recognition
 
CVPR2018 pix2pixHD論文紹介 (CV勉強会@関東)
CVPR2018 pix2pixHD論文紹介 (CV勉強会@関東)CVPR2018 pix2pixHD論文紹介 (CV勉強会@関東)
CVPR2018 pix2pixHD論文紹介 (CV勉強会@関東)
 
MS COCO Dataset Introduction
MS COCO Dataset IntroductionMS COCO Dataset Introduction
MS COCO Dataset Introduction
 
[DL輪読会]Progressive Growing of GANs for Improved Quality, Stability, and Varia...
[DL輪読会]Progressive Growing of GANs for Improved Quality, Stability, and Varia...[DL輪読会]Progressive Growing of GANs for Improved Quality, Stability, and Varia...
[DL輪読会]Progressive Growing of GANs for Improved Quality, Stability, and Varia...
 

Similar to Generative Adversarial Networksの基礎と応用について

Image Steganography: An Inevitable Need for Data Security, Authors: Sneh Rach...
Image Steganography: An Inevitable Need for Data Security, Authors: Sneh Rach...Image Steganography: An Inevitable Need for Data Security, Authors: Sneh Rach...
Image Steganography: An Inevitable Need for Data Security, Authors: Sneh Rach...Rajesh Kumar
 
Modeling perceptual similarity and shift invariance in deep networks
Modeling perceptual similarity and shift invariance in deep networksModeling perceptual similarity and shift invariance in deep networks
Modeling perceptual similarity and shift invariance in deep networksNAVER Engineering
 
Semantic segmentation with Convolutional Neural Network Approaches
Semantic segmentation with Convolutional Neural Network ApproachesSemantic segmentation with Convolutional Neural Network Approaches
Semantic segmentation with Convolutional Neural Network ApproachesFellowship at Vodafone FutureLab
 
보다 유연한 이미지 변환을 하려면?
보다 유연한 이미지 변환을 하려면?보다 유연한 이미지 변환을 하려면?
보다 유연한 이미지 변환을 하려면?광희 이
 
Deep Learning for X ray Image to Text Generation
Deep Learning for X ray Image to Text GenerationDeep Learning for X ray Image to Text Generation
Deep Learning for X ray Image to Text Generationijtsrd
 
Visual geometry with deep learning
Visual geometry with deep learningVisual geometry with deep learning
Visual geometry with deep learningNAVER Engineering
 
VGGFace Transfer Learning and Siamese Network for Face Recognition
VGGFace Transfer Learning and Siamese Network for Face RecognitionVGGFace Transfer Learning and Siamese Network for Face Recognition
VGGFace Transfer Learning and Siamese Network for Face Recognitionijtsrd
 
06-08 ppt.pptx
06-08 ppt.pptx06-08 ppt.pptx
06-08 ppt.pptxFarah Naaz
 
第46回コンピュータ・ビジョン勉強会@関東(前編)
第46回コンピュータ・ビジョン勉強会@関東(前編)第46回コンピュータ・ビジョン勉強会@関東(前編)
第46回コンピュータ・ビジョン勉強会@関東(前編)WEBFARMER. ltd.
 
EPC 2018 - SEED - Exploring The Collaboration Between Proceduralism & Deep Le...
EPC 2018 - SEED - Exploring The Collaboration Between Proceduralism & Deep Le...EPC 2018 - SEED - Exploring The Collaboration Between Proceduralism & Deep Le...
EPC 2018 - SEED - Exploring The Collaboration Between Proceduralism & Deep Le...Electronic Arts / DICE
 
Interpretability of Convolutional Neural Networks - Eva Mohedano - UPC Barcel...
Interpretability of Convolutional Neural Networks - Eva Mohedano - UPC Barcel...Interpretability of Convolutional Neural Networks - Eva Mohedano - UPC Barcel...
Interpretability of Convolutional Neural Networks - Eva Mohedano - UPC Barcel...Universitat Politècnica de Catalunya
 
Optimization of Number of Neurons in the Hidden Layer in Feed Forward Neural ...
Optimization of Number of Neurons in the Hidden Layer in Feed Forward Neural ...Optimization of Number of Neurons in the Hidden Layer in Feed Forward Neural ...
Optimization of Number of Neurons in the Hidden Layer in Feed Forward Neural ...IJERA Editor
 
Reservoir computing fast deep learning for sequences
Reservoir computing   fast deep learning for sequencesReservoir computing   fast deep learning for sequences
Reservoir computing fast deep learning for sequencesClaudio Gallicchio
 
Context Semantic Analysis: a knowledge-based technique for computing inter-do...
Context Semantic Analysis: a knowledge-based technique for computing inter-do...Context Semantic Analysis: a knowledge-based technique for computing inter-do...
Context Semantic Analysis: a knowledge-based technique for computing inter-do...Fabio Benedetti
 
IBM Cloud Paris Meetup 20180517 - Deep Learning Challenges
IBM Cloud Paris Meetup 20180517 - Deep Learning ChallengesIBM Cloud Paris Meetup 20180517 - Deep Learning Challenges
IBM Cloud Paris Meetup 20180517 - Deep Learning ChallengesIBM France Lab
 
IRJET - Object Detection using Deep Learning with OpenCV and Python
IRJET - Object Detection using Deep Learning with OpenCV and PythonIRJET - Object Detection using Deep Learning with OpenCV and Python
IRJET - Object Detection using Deep Learning with OpenCV and PythonIRJET Journal
 
brief Introduction to Different Kinds of GANs
brief Introduction to Different Kinds of GANsbrief Introduction to Different Kinds of GANs
brief Introduction to Different Kinds of GANsParham Zilouchian
 

Similar to Generative Adversarial Networksの基礎と応用について (20)

Image Steganography: An Inevitable Need for Data Security, Authors: Sneh Rach...
Image Steganography: An Inevitable Need for Data Security, Authors: Sneh Rach...Image Steganography: An Inevitable Need for Data Security, Authors: Sneh Rach...
Image Steganography: An Inevitable Need for Data Security, Authors: Sneh Rach...
 
Modeling perceptual similarity and shift invariance in deep networks
Modeling perceptual similarity and shift invariance in deep networksModeling perceptual similarity and shift invariance in deep networks
Modeling perceptual similarity and shift invariance in deep networks
 
Learning with Unpaired Data
Learning with Unpaired DataLearning with Unpaired Data
Learning with Unpaired Data
 
Semantic segmentation with Convolutional Neural Network Approaches
Semantic segmentation with Convolutional Neural Network ApproachesSemantic segmentation with Convolutional Neural Network Approaches
Semantic segmentation with Convolutional Neural Network Approaches
 
보다 유연한 이미지 변환을 하려면?
보다 유연한 이미지 변환을 하려면?보다 유연한 이미지 변환을 하려면?
보다 유연한 이미지 변환을 하려면?
 
Icml2018 naver review
Icml2018 naver reviewIcml2018 naver review
Icml2018 naver review
 
Deep Learning for X ray Image to Text Generation
Deep Learning for X ray Image to Text GenerationDeep Learning for X ray Image to Text Generation
Deep Learning for X ray Image to Text Generation
 
Visual geometry with deep learning
Visual geometry with deep learningVisual geometry with deep learning
Visual geometry with deep learning
 
VGGFace Transfer Learning and Siamese Network for Face Recognition
VGGFace Transfer Learning and Siamese Network for Face RecognitionVGGFace Transfer Learning and Siamese Network for Face Recognition
VGGFace Transfer Learning and Siamese Network for Face Recognition
 
06-08 ppt.pptx
06-08 ppt.pptx06-08 ppt.pptx
06-08 ppt.pptx
 
第46回コンピュータ・ビジョン勉強会@関東(前編)
第46回コンピュータ・ビジョン勉強会@関東(前編)第46回コンピュータ・ビジョン勉強会@関東(前編)
第46回コンピュータ・ビジョン勉強会@関東(前編)
 
EPC 2018 - SEED - Exploring The Collaboration Between Proceduralism & Deep Le...
EPC 2018 - SEED - Exploring The Collaboration Between Proceduralism & Deep Le...EPC 2018 - SEED - Exploring The Collaboration Between Proceduralism & Deep Le...
EPC 2018 - SEED - Exploring The Collaboration Between Proceduralism & Deep Le...
 
Interpretability of Convolutional Neural Networks - Eva Mohedano - UPC Barcel...
Interpretability of Convolutional Neural Networks - Eva Mohedano - UPC Barcel...Interpretability of Convolutional Neural Networks - Eva Mohedano - UPC Barcel...
Interpretability of Convolutional Neural Networks - Eva Mohedano - UPC Barcel...
 
Optimization of Number of Neurons in the Hidden Layer in Feed Forward Neural ...
Optimization of Number of Neurons in the Hidden Layer in Feed Forward Neural ...Optimization of Number of Neurons in the Hidden Layer in Feed Forward Neural ...
Optimization of Number of Neurons in the Hidden Layer in Feed Forward Neural ...
 
Reservoir computing fast deep learning for sequences
Reservoir computing   fast deep learning for sequencesReservoir computing   fast deep learning for sequences
Reservoir computing fast deep learning for sequences
 
Context Semantic Analysis: a knowledge-based technique for computing inter-do...
Context Semantic Analysis: a knowledge-based technique for computing inter-do...Context Semantic Analysis: a knowledge-based technique for computing inter-do...
Context Semantic Analysis: a knowledge-based technique for computing inter-do...
 
IBM Cloud Paris Meetup 20180517 - Deep Learning Challenges
IBM Cloud Paris Meetup 20180517 - Deep Learning ChallengesIBM Cloud Paris Meetup 20180517 - Deep Learning Challenges
IBM Cloud Paris Meetup 20180517 - Deep Learning Challenges
 
IRJET - Object Detection using Deep Learning with OpenCV and Python
IRJET - Object Detection using Deep Learning with OpenCV and PythonIRJET - Object Detection using Deep Learning with OpenCV and Python
IRJET - Object Detection using Deep Learning with OpenCV and Python
 
brief Introduction to Different Kinds of GANs
brief Introduction to Different Kinds of GANsbrief Introduction to Different Kinds of GANs
brief Introduction to Different Kinds of GANs
 
Year-End Seminar 2018
Year-End Seminar 2018Year-End Seminar 2018
Year-End Seminar 2018
 

Recently uploaded

The Codex of Business Writing Software for Real-World Solutions 2.pptx
The Codex of Business Writing Software for Real-World Solutions 2.pptxThe Codex of Business Writing Software for Real-World Solutions 2.pptx
The Codex of Business Writing Software for Real-World Solutions 2.pptxMalak Abu Hammad
 
Unlocking the Potential of the Cloud for IBM Power Systems
Unlocking the Potential of the Cloud for IBM Power SystemsUnlocking the Potential of the Cloud for IBM Power Systems
Unlocking the Potential of the Cloud for IBM Power SystemsPrecisely
 
How to convert PDF to text with Nanonets
How to convert PDF to text with NanonetsHow to convert PDF to text with Nanonets
How to convert PDF to text with Nanonetsnaman860154
 
Making_way_through_DLL_hollowing_inspite_of_CFG_by_Debjeet Banerjee.pptx
Making_way_through_DLL_hollowing_inspite_of_CFG_by_Debjeet Banerjee.pptxMaking_way_through_DLL_hollowing_inspite_of_CFG_by_Debjeet Banerjee.pptx
Making_way_through_DLL_hollowing_inspite_of_CFG_by_Debjeet Banerjee.pptxnull - The Open Security Community
 
Swan(sea) Song – personal research during my six years at Swansea ... and bey...
Swan(sea) Song – personal research during my six years at Swansea ... and bey...Swan(sea) Song – personal research during my six years at Swansea ... and bey...
Swan(sea) Song – personal research during my six years at Swansea ... and bey...Alan Dix
 
Scanning the Internet for External Cloud Exposures via SSL Certs
Scanning the Internet for External Cloud Exposures via SSL CertsScanning the Internet for External Cloud Exposures via SSL Certs
Scanning the Internet for External Cloud Exposures via SSL CertsRizwan Syed
 
Pigging Solutions Piggable Sweeping Elbows
Pigging Solutions Piggable Sweeping ElbowsPigging Solutions Piggable Sweeping Elbows
Pigging Solutions Piggable Sweeping ElbowsPigging Solutions
 
Breaking the Kubernetes Kill Chain: Host Path Mount
Breaking the Kubernetes Kill Chain: Host Path MountBreaking the Kubernetes Kill Chain: Host Path Mount
Breaking the Kubernetes Kill Chain: Host Path MountPuma Security, LLC
 
Unblocking The Main Thread Solving ANRs and Frozen Frames
Unblocking The Main Thread Solving ANRs and Frozen FramesUnblocking The Main Thread Solving ANRs and Frozen Frames
Unblocking The Main Thread Solving ANRs and Frozen FramesSinan KOZAK
 
Kotlin Multiplatform & Compose Multiplatform - Starter kit for pragmatics
Kotlin Multiplatform & Compose Multiplatform - Starter kit for pragmaticsKotlin Multiplatform & Compose Multiplatform - Starter kit for pragmatics
Kotlin Multiplatform & Compose Multiplatform - Starter kit for pragmaticscarlostorres15106
 
Build your next Gen AI Breakthrough - April 2024
Build your next Gen AI Breakthrough - April 2024Build your next Gen AI Breakthrough - April 2024
Build your next Gen AI Breakthrough - April 2024Neo4j
 
Key Features Of Token Development (1).pptx
Key  Features Of Token  Development (1).pptxKey  Features Of Token  Development (1).pptx
Key Features Of Token Development (1).pptxLBM Solutions
 
"Federated learning: out of reach no matter how close",Oleksandr Lapshyn
"Federated learning: out of reach no matter how close",Oleksandr Lapshyn"Federated learning: out of reach no matter how close",Oleksandr Lapshyn
"Federated learning: out of reach no matter how close",Oleksandr LapshynFwdays
 
08448380779 Call Girls In Diplomatic Enclave Women Seeking Men
08448380779 Call Girls In Diplomatic Enclave Women Seeking Men08448380779 Call Girls In Diplomatic Enclave Women Seeking Men
08448380779 Call Girls In Diplomatic Enclave Women Seeking MenDelhi Call girls
 
CloudStudio User manual (basic edition):
CloudStudio User manual (basic edition):CloudStudio User manual (basic edition):
CloudStudio User manual (basic edition):comworks
 
Enhancing Worker Digital Experience: A Hands-on Workshop for Partners
Enhancing Worker Digital Experience: A Hands-on Workshop for PartnersEnhancing Worker Digital Experience: A Hands-on Workshop for Partners
Enhancing Worker Digital Experience: A Hands-on Workshop for PartnersThousandEyes
 
Designing IA for AI - Information Architecture Conference 2024
Designing IA for AI - Information Architecture Conference 2024Designing IA for AI - Information Architecture Conference 2024
Designing IA for AI - Information Architecture Conference 2024Enterprise Knowledge
 
Integration and Automation in Practice: CI/CD in Mule Integration and Automat...
Integration and Automation in Practice: CI/CD in Mule Integration and Automat...Integration and Automation in Practice: CI/CD in Mule Integration and Automat...
Integration and Automation in Practice: CI/CD in Mule Integration and Automat...Patryk Bandurski
 
FULL ENJOY 🔝 8264348440 🔝 Call Girls in Diplomatic Enclave | Delhi
FULL ENJOY 🔝 8264348440 🔝 Call Girls in Diplomatic Enclave | DelhiFULL ENJOY 🔝 8264348440 🔝 Call Girls in Diplomatic Enclave | Delhi
FULL ENJOY 🔝 8264348440 🔝 Call Girls in Diplomatic Enclave | Delhisoniya singh
 

Recently uploaded (20)

The Codex of Business Writing Software for Real-World Solutions 2.pptx
The Codex of Business Writing Software for Real-World Solutions 2.pptxThe Codex of Business Writing Software for Real-World Solutions 2.pptx
The Codex of Business Writing Software for Real-World Solutions 2.pptx
 
Unlocking the Potential of the Cloud for IBM Power Systems
Unlocking the Potential of the Cloud for IBM Power SystemsUnlocking the Potential of the Cloud for IBM Power Systems
Unlocking the Potential of the Cloud for IBM Power Systems
 
The transition to renewables in India.pdf
The transition to renewables in India.pdfThe transition to renewables in India.pdf
The transition to renewables in India.pdf
 
How to convert PDF to text with Nanonets
How to convert PDF to text with NanonetsHow to convert PDF to text with Nanonets
How to convert PDF to text with Nanonets
 
Making_way_through_DLL_hollowing_inspite_of_CFG_by_Debjeet Banerjee.pptx
Making_way_through_DLL_hollowing_inspite_of_CFG_by_Debjeet Banerjee.pptxMaking_way_through_DLL_hollowing_inspite_of_CFG_by_Debjeet Banerjee.pptx
Making_way_through_DLL_hollowing_inspite_of_CFG_by_Debjeet Banerjee.pptx
 
Swan(sea) Song – personal research during my six years at Swansea ... and bey...
Swan(sea) Song – personal research during my six years at Swansea ... and bey...Swan(sea) Song – personal research during my six years at Swansea ... and bey...
Swan(sea) Song – personal research during my six years at Swansea ... and bey...
 
Scanning the Internet for External Cloud Exposures via SSL Certs
Scanning the Internet for External Cloud Exposures via SSL CertsScanning the Internet for External Cloud Exposures via SSL Certs
Scanning the Internet for External Cloud Exposures via SSL Certs
 
Pigging Solutions Piggable Sweeping Elbows
Pigging Solutions Piggable Sweeping ElbowsPigging Solutions Piggable Sweeping Elbows
Pigging Solutions Piggable Sweeping Elbows
 
Breaking the Kubernetes Kill Chain: Host Path Mount
Breaking the Kubernetes Kill Chain: Host Path MountBreaking the Kubernetes Kill Chain: Host Path Mount
Breaking the Kubernetes Kill Chain: Host Path Mount
 
Unblocking The Main Thread Solving ANRs and Frozen Frames
Unblocking The Main Thread Solving ANRs and Frozen FramesUnblocking The Main Thread Solving ANRs and Frozen Frames
Unblocking The Main Thread Solving ANRs and Frozen Frames
 
Kotlin Multiplatform & Compose Multiplatform - Starter kit for pragmatics
Kotlin Multiplatform & Compose Multiplatform - Starter kit for pragmaticsKotlin Multiplatform & Compose Multiplatform - Starter kit for pragmatics
Kotlin Multiplatform & Compose Multiplatform - Starter kit for pragmatics
 
Build your next Gen AI Breakthrough - April 2024
Build your next Gen AI Breakthrough - April 2024Build your next Gen AI Breakthrough - April 2024
Build your next Gen AI Breakthrough - April 2024
 
Key Features Of Token Development (1).pptx
Key  Features Of Token  Development (1).pptxKey  Features Of Token  Development (1).pptx
Key Features Of Token Development (1).pptx
 
"Federated learning: out of reach no matter how close",Oleksandr Lapshyn
"Federated learning: out of reach no matter how close",Oleksandr Lapshyn"Federated learning: out of reach no matter how close",Oleksandr Lapshyn
"Federated learning: out of reach no matter how close",Oleksandr Lapshyn
 
08448380779 Call Girls In Diplomatic Enclave Women Seeking Men
08448380779 Call Girls In Diplomatic Enclave Women Seeking Men08448380779 Call Girls In Diplomatic Enclave Women Seeking Men
08448380779 Call Girls In Diplomatic Enclave Women Seeking Men
 
CloudStudio User manual (basic edition):
CloudStudio User manual (basic edition):CloudStudio User manual (basic edition):
CloudStudio User manual (basic edition):
 
Enhancing Worker Digital Experience: A Hands-on Workshop for Partners
Enhancing Worker Digital Experience: A Hands-on Workshop for PartnersEnhancing Worker Digital Experience: A Hands-on Workshop for Partners
Enhancing Worker Digital Experience: A Hands-on Workshop for Partners
 
Designing IA for AI - Information Architecture Conference 2024
Designing IA for AI - Information Architecture Conference 2024Designing IA for AI - Information Architecture Conference 2024
Designing IA for AI - Information Architecture Conference 2024
 
Integration and Automation in Practice: CI/CD in Mule Integration and Automat...
Integration and Automation in Practice: CI/CD in Mule Integration and Automat...Integration and Automation in Practice: CI/CD in Mule Integration and Automat...
Integration and Automation in Practice: CI/CD in Mule Integration and Automat...
 
FULL ENJOY 🔝 8264348440 🔝 Call Girls in Diplomatic Enclave | Delhi
FULL ENJOY 🔝 8264348440 🔝 Call Girls in Diplomatic Enclave | DelhiFULL ENJOY 🔝 8264348440 🔝 Call Girls in Diplomatic Enclave | Delhi
FULL ENJOY 🔝 8264348440 🔝 Call Girls in Diplomatic Enclave | Delhi
 

Generative Adversarial Networksの基礎と応用について

  • 1.
  • 4.
  • 5.
  • 6.
  • 7.
  • 13. G: Generator
 D: Discriminator
 V: Objective Function
 
 pz: Noise distribution
 pg: Generator distribution
 pdata: Training data distribution
  • 14. D(x) = 1 D(G(z)) = 0
  • 16. G D F(y) = alog(y) + blog(1-y) D G(z)))dz
  • 17. Jensen-Shannon Divergence: D JSD(p||q) = {KL(p||m) + KL(q||m)}/2 where m = (p + q)/2
  • 21.
  • 23.
  • 25.
  • 26. z
  • 29.
  • 30.
  • 31.
  • 33.
  • 34.
  • 35.
  • 36.
  • 37. 1-α
  • 38.
  • 39.
  • 40.
  • 44.
  • 45.
  • 46. {xi}i = 1...N ∈ X (X: source domain)
 {yj}j = 1...M ∈ Y (Y: target domain) X Y, Y X 
 
 pix2pix CycleGAN
  • 47. - G: X → Y - F: Y → X - DX : - DY: 
 

  • 48. G x Dy F(G(x)) ~ x F y Dx G(F(y)) ~ y
  • 49.
  • 50.
  • 57.
  • 58. 
 
 
 
 
 

  • 59.
  • 60.
  • 61. G: X → Y G Y Y 

  • 63.
  • 64.
  • 66.
  • 67.
  • 68.
  • 71. CycleGAN-VC 1. Network Architecture: 1D CNN -> 2D-1D-2D CNN
 
 
 
 
 
 
 
 
 
 2. Two-Step Adversarial loss
 Adversarial Loss 3. PatchGAN
 Discriminator
  • 72. StarGAN-VC 1. Source-and-Target Adversarial Loss
 
 
 
 
 
 
 2. Conditional Instance Normalization
 Generator Discriminator Target Source Instance Normalization
  • 73.
  • 74. ! Ian J Goodfellow, et al., “Generative Adversarial Nets”. NIPS2014 ! Alec Radford et al., “Unsupervised Representation Learning with Deep Convolutional Adversarial Networks”. ICLR2016 ! Naveen Kodali, et al., “On Convergence and Stability of GANs”. arXiv:1705.07215 ! Xudong Mao, et al., “Least Squares Generative Adversarial Networks”. ICCV2016 ! Takeru Miyato, et al., “Spectral Normalization for Generative Adversarial Networks”. ICLR2018 ! Martin Heusel, et al., “GANs Trained by a Two Time-Scale Update Rule Converge to a Local Nash Equilibrium”. NIPS2017 ! Lars Mescheder, et al., “Which Training Methods for GANs do actually Converge?”. ICML2018 ! Alexia Jolicoeur-martineau. “The Relativistic Discriminator: A key element missing from Standard GAN”. ICLR2019 ! Martin Arjovsky, et al., “Wasserstein GAN”. arXiv: 1701.07875 ! Ishaan Gulrajani, et al., “Improved Training of Wasserstein GANs”. NIPS2017 ! Akash Srivastava, et al., “VEEGAN: Reducing Mode Collapse in GANs using Implicit Variational Learning”, NIPS2017 ! Chang Xiao, et al., “BourGAN: Generative Networks with Metric Embeddings”. NIPS2018 ! Tong Che, et al., “Mode Regularized Generative Adversarial Networks”. ICLR2017 ! Luke Metz, et al., “Unrolled Generative Adversarial Networks”. ICLR2017 ! Qi Mao, et al., “Mode Seeking Generative Adversarial Networks for Diverse Image Synthesis”. CVPR2019 ! Han Zhang, et al., “StackGAN: Text to Photo-realistic Image Synthesis with Stacked Generative Adversarial Networks” ICCV2017 ! Han Zhang, et al., “StackGAN++: Realistic Image Synthesis with Stacked Generative Adversarial Networks”. TPAMI2018
  • 75. ! Tero Karras, et al., “Progressive Growing of GANs for Improved Quality, Stability, and Variation”. ICLR2018 ! Andrew Brock, et al., “Large Scale GAN Training for High Fidelity Natural Image Synthesis”. ICLR2019 ! Tero Karras, et al., “A Style-Based Generator Architecture for Generative Adversarial Networks”. CVPR2019 ! Christian Ledig, et al., “Photo-Realistic Single Image Super-Resolution Using a Generative Adversarial Network”. CVPR2017 ! Xintao Wang, et al., “ESRGAN: Enhanced Super-Resolution Generative Adversarial Networks”. ECCV2018 ! Mengyu Chu, et al., “Temporally Coherent GANs for Video Super-Resolution (TecoGAN)”. arXiv: 1811.0939 ! Phillip Isola, et al., “Image-to-Image Translation with Conditional Adversarial Networks”. CVPR2017 ! Jun-Yan Zhu, et al., “Unpaired Image-to-Image Translation using Cycle-Consistent Adversarial Networks”. ICCV2017 ! Yunjey Choi, et al., “StarGAN: Unified Generative Adversarial Networks for Multi-Domain Image-to-Image Translation”. CVPR2018 ! Ming-Yu Liu, et al., “Few-Shot Unsupervised Image-to-Image Translation”. ICCV2019 ! Sangwoo Mo, et al., “InstaGAN: Instance-aware Image-to-Image Translation”. ICLR2019 ! Junho Kim, et al., “U-GAT-IT: Unsupervised Generative Attentional Networks with Adaptive Layer-Instance Normalization for Image-to-Image Translation”. arXiv: 1907.10830 ! Eric Tzeng, et al., “Adversarial Discriminative Domain Adaptation”. CVPR2017 ! Issam Laradji, et al., “M-ADDA: Unsupervised Domain Adaptation with Deep Metric Learning”. ICML2018
  • 76. ! Judy Hoffman, et al., “CyCADA: Cycle-Consistent Adversarial Domain Adaptation”. ICML2018 ! Ming-Yu Liu, et al., “Coupled Generative Adversarial Networks”. NIPS2016 ! Carl Vondrick, et al., “Generating Videos with Scene Dynamics”. NIPS2016 ! Masaki Saito, et al., “Temporal Generative Adversarial Nets with Singular Value Clipping”. ICCV2017 ! Sergey Tulyakov, et al., “MoCoGAN: Decomposing Motion and Content for Video Generation”. CVPR2018 ! Katsunori Ohnishi, et al., “Hierarchical Video Generation from Orthogonal Information: Optical Flow and Texture”. AAAI2018 ! Aidan Clark, et al., “Adversarial Video Generation on Complex Datasets”. arXiv: 1907.06571 ! Jiajun Wu, et al., “Learning a Probabilistic Latent Space of Object Shapes via 3D Generative-Adversarial Modeling”. NIPS2016 ! Ruihui Li, et al., “PU-GAN: a Point Cloud Upsampling Adversarial Network”. ICCV2019 ! Shiyang Cheng, et al., “MeshGAN: Non-linear 3D Morphable Models of Faces”. arXiv: 1903.10384 ! Thomas Schlegl, et al., “Unsupervised Anomaly Detection with Generative Adversarial Networks to Guide Marker Discovery”. IPMI2017 ! Houssam Zenati, et al., “Efficient GAN-Based Anomaly Detection”. ICLRW2018 ! Dan Li, et al., “Anomaly Detection with Generative Adversarial Networks for Multivariate Time Series”. arXiv: 1809.04758 ! Pramuditha Perera, et al., “OCGAN: One-class Novelty Detection Using GANs with Constrained Latent Representations”. CVPR2019 ! Jesse Engel, et al., “GANSynth: Adversarial Neural Audio Synthesis”. ICLR2019 ! Chris Donahue, et al., “Adversarial Audio Synthesis”. ICLR2019
  • 77. ! Andrés Marafioti, et al., “Adversarial Generation of Time-Frequency Features with application in audio synthesis”. ICML2019 ! Santiago Pascual, et al., “SEGAN: Speech Enhancement Generative Adversarial Network”. INTERSPEECH2017 ! Kou Tanaka, et al., “WaveCycleGAN: Synthetic-to-natural speech waveform conversion using cycle- consistent adversarial networks”. STL2018 ! Kou Tanaka, et al., “WaveCycleGAN2: Time-domain Neural Post-filter for Speech Waveform Generation”. arXiv: 1904.02892 ! Takuhiro Kaneko, et al., “CycleGAN-VC: Non-parallel Voice Conversion Using Cycle-Consistent Adversarial Networks”. EUSIPCO2018 ! Takuhiro Kaneko, et al., “CycleGAN-VC2: Improved CycleGAN-based Non-parallel Voice Conversion”. ICASSP2019 ! Hirokazu Kameoka, et al., “StarGAN-VC: Non-parallel many-to-many voice conversion with star generative adversarial networks”. arXiv: 1806.02169 ! Takuhiro Kaneko, et al., “StarGAN-VC2: Rethinking Conditional Methods for StarGAN-Based Voice Conversion”. INTERSPEECH2019 ! “AdaGAN: Adaptive GAN for Many-to-Many Non-Parallel Voice Conversion”. ICLR2020 under review ! Yuki Saito, et al., “Statistical Parametric Speech Synthesis Incorporating Generative Adversarial Networks”. IEEE/ACM Transactions on Audio, Speech, and Language Processing 2018 ! Mikołaj Bińkowski, et al., “High Fidelity Speech Synthesis with Adversarial Networks”. arXiv: 1909.11646 ! Ju-chieh Chou, et al., “One-shot Voice Conversion by Separating Speaker and Content Representations with Instance Normalization”. INTERSPEECH2019