Home

Awesome

Delving deep into Generative Adversarial Networks (GANs) Tweet

A curated, quasi-exhaustive list of state-of-the-art publications and resources about Generative Adversarial Networks (GANs) and their applications.

Background

Generative models are models that can learn to create data that is similar to data that we give them. One of the most promising approaches of those models are Generative Adversarial Networks (GANs), a branch of unsupervised machine learning implemented by a system of two neural networks competing against each other in a zero-sum game framework. They were first introduced by Ian Goodfellow et al. in 2014. This repository aims at presenting an elaborate list of the state-of-the-art works on the field of Generative Adversarial Networks since their introduction in 2014.

<p align="center"> <img src="https://raw.githubusercontent.com/GKalliatakis/Delving-deep-into-GANs/master/GAN2.gif?raw=true"/><br> Image taken from http://multithreaded.stitchfix.com/blog/2016/02/02/a-fontastic-voyage/<br> </p>

This is going to be an evolving repo and I will keep updating it so make sure you have starred and forked this repository before moving on !


:link: Contents


:busts_in_silhouette: Contributing

Contributions are welcome !! If you have any suggestions (missing or new papers, missing repos or typos) you can pull a request or start a discussion.


:pushpin: Opening Publication

Generative Adversarial Nets (GANs) (2014) [pdf] [presentation] [code] [video]

:fire: Latest paper from Ian Goodfellow

Self-Attention Generative Adversarial Networks (SAGAN) (2018) [pdf] [PyTorch implementation]


:clipboard: Papers (Descending order based on Google Scholar Citations)

S/NPaperYearCitations
1Unsupervised Representation Learning with Deep Convolutional Generative Adversarial Networks (DCGANs) [pdf]20151534
2Explaining and Harnessing Adversarial Examples [pdf]2014895
3Improved Techniques for Training GANs [pdf]2016748
4:chart_with_upwards_trend: Image-to-Image Translation with Conditional Adversarial Networks (pix2pix) [pdf]2016706
5:chart_with_upwards_trend: Wasserstein GAN (WGAN) [pdf]2017587
6:chart_with_upwards_trend: Conditional Generative Adversarial Nets (CGAN) [pdf]2014566
7Deep Generative Image Models using a Laplacian Pyramid of Adversarial Networks (LAPGAN) [pdf]2015564
8:chart_with_upwards_trend: Photo-Realistic Single Image Super-Resolution Using a Generative Adversarial Network (SRGAN) [pdf]2016549
9Semi-Supervised Learning with Deep Generative Models [pdf]2014494
10:chart_with_upwards_trend: Unpaired Image-to-Image Translation using Cycle-Consistent Adversarial Networks (CycleGAN) [pdf]2017438
11InfoGAN: Interpretable Representation Learning by Information Maximizing Generative Adversarial Nets [pdf]2016394
12Context Encoders: Feature Learning by Inpainting [pdf]2016390
13Generative Adversarial Text to Image Synthesis [pdf]2016368
14:chart_with_upwards_trend: Improved Training of Wasserstein GANs (WGAN-GP) [pdf]2017331
15Deep multi-scale video prediction beyond mean square error [pdf]2015301
16Adversarial Autoencoders [pdf]2015277
17Energy-based Generative Adversarial Network (EBGAN) [pdf]2016238
18Autoencoding beyond pixels using a learned similarity metric (VAE-GAN) [pdf]2015233
19:chart_with_upwards_trend: Conditional Image Generation with PixelCNN Decoders [pdf]2015231
20Towards Principled Methods for Training Generative Adversarial Networks [pdf]2017229
21Adversarial Feature Learning (BiGAN) [pdf]2016224
22:chart_with_upwards_trend: Stacked Generative Adversarial Networks (SGAN) [pdf]2016215
23:chart_with_upwards_trend: StackGAN++: Realistic Image Synthesis with Stacked Generative Adversarial Networks [pdf]2017214
24Adversarially Learned Inference (ALI) [pdf]2016211
25:chart_with_upwards_trend: Conditional Image Synthesis with Auxiliary Classifier GANs (AC-GAN) [pdf]2016202
26:chart_with_upwards_trend: Learning from Simulated and Unsupervised Images through Adversarial Training (SimGAN) by Apple [pdf]2016192
27f-GAN: Training Generative Neural Samplers using Variational Divergence Minimization [pdf]2016186
28Generating Videos with Scene Dynamics (VGAN) [pdf]2016179
29Generative Visual Manipulation on the Natural Image Manifold (iGAN) [pdf]2016172
30:chart_with_upwards_trend: Learning a Probabilistic Latent Space of Object Shapes via 3D Generative-Adversarial Modeling (3D-GAN) [pdf]2016171
31Generative Moment Matching Networks [pdf]2015167
32:chart_with_upwards_trend: Coupled Generative Adversarial Networks (CoGAN) [pdf]2016162
33:chart_with_upwards_trend: BEGAN: Boundary Equilibrium Generative Adversarial Networks [pdf]2017162
34Practical Black-Box Attacks against Deep Learning Systems using Adversarial Examples [pdf]2016161
35Generating Images with Perceptual Similarity Metrics based on Deep Networks [pdf]2016151
36:chart_with_upwards_trend: Improving Variational Inference with Inverse Autoregressive Flow [pdf]2016150
37Unsupervised Learning for Physical Interaction through Video Prediction [pdf]2016146
38Unsupervised and Semi-supervised Learning with Categorical Generative Adversarial Networks (CatGAN) [pdf]2015141
39Learning to Discover Cross-Domain Relations with Generative Adversarial Networks (DiscoGAN) [pdf]2017135
40Precomputed Real-Time Texture Synthesis with Markovian Generative Adversarial Networks (MGAN) [pdf]2016130
41SeqGAN: Sequence Generative Adversarial Nets with Policy Gradient [pdf]2016125
42Generative Adversarial Imitation Learning [pdf]2016123
43:chart_with_upwards_trend: Adversarial Discriminative Domain Adaptation [pdf]2017123
44Generative Image Modeling using Style and Structure Adversarial Networks (S^2GAN) [pdf]2016121
45Unsupervised Cross-Domain Image Generation (DTN) [pdf]2016116
46Synthesizing the preferred inputs for neurons in neural networks via deep generator networks [pdf]201699
47Least Squares Generative Adversarial Networks (LSGAN) [pdf]201698
48Semantic Image Inpainting with Perceptual and Contextual Losses [pdf]201698
49Conditional generative adversarial nets for convolutional face generation [pdf]201495
50StackGAN: Text to Photo-realistic Image Synthesis with Stacked Generative Adversarial Networks [pdf]201690
51Mode Regularized Generative Adversarial Networks [pdf]201689
52Unlabeled Samples Generated by GAN Improve the Person Re-identification Baseline in vitro [pdf]201787
53Plug & Play Generative Networks: Conditional Iterative Generation of Images in Latent Space (PPGN) [pdf]201685
54DualGAN: Unsupervised Dual Learning for Image-to-Image Translation [pdf]201785
55Training generative neural networks via Maximum Mean Discrepancy optimization [pdf]201582
56Generating images with recurrent adversarial networks [pdf]201681
57Semantic Segmentation using Adversarial Networks [pdf]201681
58Learning What and Where to Draw (GAWWN) [pdf]201677
59Amortised MAP Inference for Image Super-resolution (AffGAN) [pdf]201675
60Generalization and Equilibrium in Generative Adversarial Nets (GANs) [pdf]201774
61VIME: Variational Information Maximizing Exploration [pdf]201670
62Disentangled Representation Learning GAN for Pose-Invariant Face Recognition [pdf]201770
63Neural Photo Editing with Introspective Adversarial Networks (IAN) [pdf]201663
64Feature Squeezing: Detecting Adversarial Examples in Deep Neural Networks [pdf]201763
65Learning in Implicit Generative Models [pdf]201662
66Beyond Face Rotation: Global and Local Perception GAN for Photorealistic and Identity Preserving Frontal View Synthesis (TP-GAN) [pdf]201760
67On the Quantitative Analysis of Decoder-Based Generative Models [pdf]201659
68Invertible Conditional GANs for image editing (IcGAN) [pdf]201657
69Unrolled Generative Adversarial Networks (Unrolled GAN) [pdf]201656
70Attend, infer, repeat: Fast scene understanding with generative models [pdf]201655
71Pixel-Level Domain Transfer [pdf]201654
72SEGAN: Speech Enhancement Generative Adversarial Network [pdf]201745
73MMD GAN: Towards Deeper Understanding of Moment Matching Network [pdf]201742
74Learning a Driving Simulator [pdf]201641
75Image De-raining Using a Conditional Generative Adversarial Network (ID-CGAN) [pdf]201740
76Face Aging With Conditional Generative Adversarial Networks [pdf]201739
77:chart_with_upwards_trend: Unsupervised Anomaly Detection with Generative Adversarial Networks to Guide Marker Discovery (AnoGAN) [pdf]201739
78Loss-Sensitive Generative Adversarial Networks on Lipschitz Densities (LS-GAN) [pdf]201738
79Adversarial Attacks on Neural Network Policies [pdf]201737
80AdaGAN: Boosting Generative Models [pdf]201737
81Triple Generative Adversarial Nets (Triple-GAN) [pdf]201737
82Semantic Image Inpainting with Deep Generative Models [pdf]201737
83A-Fast-RCNN: Hard Positive Generation via Adversary for Object Detection [pdf]201736
84Adversarial Examples for Semantic Segmentation and Object Detection [pdf]201735
85Generative face completion [pdf]201634
86Age Progression / Regression by Conditional Adversarial Autoencoder [pdf]201732
87The Space of Transferable Adversarial Examples [pdf]201732
88Learning to Protect Communications with Adversarial Neural Cryptography [pdf]201631
89Perceptual Generative Adversarial Networks for Small Object Detection [pdf]201730
90Temporal Generative Adversarial Nets (TGAN) [pdf]201629
91Towards Large-Pose Face Frontalization in the Wild [pdf]201629
92Boundary-Seeking Generative Adversarial Networks (BS-GAN) [pdf]201728
93McGan: Mean and Covariance Feature Matching GAN [pdf]201728
94The Cramer Distance as a Solution to Biased Wasserstein Gradients [pdf]201728
95SalGAN: Visual Saliency Prediction with Generative Adversarial Networks [pdf]201628
96MoCoGAN: Decomposing Motion and Content for Video Generation [pdf]201727
97Imitating Driver Behavior with Generative Adversarial Networks [pdf]201727
98A Connection between Generative Adversarial Networks, Inverse Reinforcement Learning, and Energy-Based Models [pdf]201626
99Generating Adversarial Malware Examples for Black-Box Attacks Based on GAN (MalGAN) [pdf]201626
100Maximum-Likelihood Augmented Discrete Generative Adversarial Networks [pdf]201726
101Neural Face Editing with Intrinsic Image Disentangling [pdf]201726
102Pose Guided Person Image Generation [pdf]201726
103Good Semi-supervised Learning that Requires a Bad GAN [pdf]201725
104Connecting Generative Adversarial Networks and Actor-Critic Methods [pdf]201624
105LR-GAN: Layered Recursive Generative Adversarial Networks for Image Generation [pdf]201724
106On Convergence and Stability of GANs [pdf]201723
107C-RNN-GAN: Continuous recurrent neural networks with adversarial training [pdf]201622
108Towards Diverse and Natural Image Descriptions via a Conditional GAN [pdf]201722
109Full Resolution Image Compression with Recurrent Neural Networks [pdf]201621
110Recurrent Topic-Transition GAN for Visual Paragraph Generation (RTT-GAN) [pdf]201721
111Multi-View Image Generation from a Single-View [pdf]201621
112Adversarial Transformation Networks: Learning to Generate Adversarial Examples [pdf]201721
113Simple Black-Box Adversarial Perturbations for Deep Networks [pdf]201621
114Deep Generative Adversarial Networks for Compressed Sensing (GANCS) Automates MRI [pdf]201721
115RenderGAN: Generating Realistic Labeled Data [pdf]201621
116Stabilizing Training of Generative Adversarial Networks through Regularization [pdf]201721
117CaloGAN: Simulating 3D High Energy Particle Showers in Multi-Layer Electromagnetic Calorimeters with Generative Adversarial Networks [pdf]201720
118Voice Conversion from Unaligned Corpora using Variational Autoencoding Wasserstein Generative Adversarial Networks [pdf]201719
119:chart_with_upwards_trend: Gradient descent GAN optimization is locally stable [pdf]201719
120Adversarial Training Methods for Semi-Supervised Text Classification [pdf]201618
121Semi-Supervised Learning with Context-Conditional Generative Adversarial Networks (SSL-GAN) [pdf]201618
122Adversarial PoseNet: A Structure-aware Convolutional Network for Human Pose Estimation [pdf]201718
123Multi-Agent Diverse Generative Adversarial Networks (MAD-GAN) [pdf]201718
124ALICE: Towards Understanding Adversarial Learning for Joint Distribution Matching [pdf]201718
125Cooperative Training of Descriptor and Generator Networks [pdf]201617
1263D Shape Induction from 2D Views of Multiple Objects (PrGAN) [pdf]201617
127Learning to Generate Images of Outdoor Scenes from Attributes and Semantic Layouts (AL-CGAN) [pdf]201617
128Conditional CycleGAN for Attribute Guided Face Image Generation [pdf]201717
129Objective-Reinforced Generative Adversarial Networks (ORGAN) [pdf]201717
130Objective-Reinforced Generative Adversarial Networks (ORGAN) for Sequence Generation Models [pdf]201717
131Generative Multi-Adversarial Networks [pdf]201616
132Learning Representations of Emotional Speech with Deep Convolutional Generative Adversarial Networks [pdf]201716
133Dual Motion GAN for Future-Flow Embedded Video Prediction [pdf]201716
134VEEGAN: Reducing Mode Collapse in GANs using Implicit Variational Learning () [pdf]201716
135Unsupervised Image-to-Image Translation with Generative Adversarial Networks [pdf]201715
136Improved generator objectives for GANs [pdf]201715
137DeLiGAN : Generative Adversarial Networks for Diverse and Limited Data [pdf]201715
138CVAE-GAN: Fine-Grained Image Generation through Asymmetric Training [pdf]201715
139Improved Semi-supervised Learning with GANs using Manifold Invariances [pdf]201714
140Inverting The Generator Of A Generative Adversarial Network [pdf]201614
141Precise Recovery of Latent Vectors from Generative Adversarial Networks [pdf]201614
142Comparison of Maximum Likelihood and GAN-based training of Real NVPs [pdf]201714
143Generate To Adapt: Aligning Domains using Generative Adversarial Networks [pdf]201714
144Semantically Decomposing the Latent Spaces of Generative Adversarial Networks (SD-GAN) [pdf]201714
145Adversarial Generation of Natural Language [pdf]201714
146MAGAN: Margin Adaptation for Generative Adversarial Networks [pdf]201713
147Reconstruction of three-dimensional porous media using generative adversarial neural networks [pdf]201713
148SCAN: Structure Correcting Adversarial Network for Chest X-rays Organ Segmentation [pdf]201713
149Generating Multi-label Discrete Electronic Health Records using Generative Adversarial Networks (MedGAN) [pdf]201713
150SegAN: Adversarial Network with Multi-scale L1 Loss for Medical Image Segmentation [pdf]201713
151:chart_with_upwards_trend: CAN: Creative Adversarial Networks Generating “Art” by Learning About Styles and Deviating from Style Norms [pdf]201713
152It Takes (Only) Two: Adversarial Generator-Encoder Networks [pdf]201712
153Generative Temporal Models with Memory [pdf]201712
154Generative Adversarial Residual Pairwise Networks for One Shot Learning [pdf]201712
155Crossing Nets: Combining GANs and VAEs with a Shared Latent Space for Hand Pose Estimation [pdf]201712
156Texture Synthesis with Spatial Generative Adversarial Networks (SGAN) [pdf]201612
157Semi-Latent GAN: Learning to generate and modify facial images from attributes (SL-GAN) [pdf]201712
158Adversarial Networks for the Detection of Aggressive Prostate Cancer [pdf]201712
159Auto-painter: Cartoon Image Generation from Sketch by Using Conditional Generative Adversarial Networks [pdf]201712
160Interactive 3D Modeling with a Generative Adversarial Network [pdf]201711
161Language Generation with Recurrent Generative Adversarial Networks without Pre-training [pdf]201711
162GP-GAN: Towards Realistic High-Resolution Image Blending [pdf]201711
163Universal Adversarial Perturbations Against Semantic Image Segmentation [pdf]201710
164A General Retraining Framework for Scalable Adversarial Classification [pdf]201610
165Contextual RNN-GANs for Abstract Reasoning Diagram Generation (Context-RNN-GAN) [pdf]201610
166Adversarial Image Perturbation for Privacy Protection--A Game Theory Perspective [pdf]201710
167Multi-Generator Gernerative Adversarial Nets [pdf]201710
168Optimizing the Latent Space of Generative Networks [pdf]201710
169GANs for Biological Image Synthesis [pdf]201710
170MidiNet: A Convolutional Generative Adversarial Network for Symbolic-domain Music Generation using 1D and 2D Conditions [pdf]201610
171:chart_with_upwards_trend: Deep Generative Adversarial Compression Artifact Removal [pdf]201710
172Adversarial Deep Structural Networks for Mammographic Mass Segmentation [pdf]20179
173Adversarial Training For Sketch Retrieval (SketchGAN) [pdf]20169
174Perceptual Adversarial Networks for Image-to-Image Transformation [pdf]20179
175PixelGAN Autoencoders [pdf]20179
176Unsupervised Diverse Colorization via Generative Adversarial Networks [pdf]20179
177TAC-GAN - Text Conditioned Auxiliary Classifier Generative Adversarial Network [pdf]20179
178Gang of GANs: Generative Adversarial Networks with Maximum Margin Ranking (GoGAN) [pdf]20178
179From source to target and back: symmetric bi-directional adaptive GAN [pdf]20178
180Robust LSTM-Autoencoders for Face De-Occlusion in the Wild [pdf]20168
181Ensembles of Generative Adversarial Networks [pdf]20168
182Bayesian GAN [pdf]20178
183Outline Colorization through Tandem Adversarial Networks [pdf]20178
184Low Dose CT Image Denoising Using a Generative Adversarial Network with Wasserstein Distance and Perceptual Loss [pdf]20178
185ArtGAN: Artwork Synthesis with Conditional Categorial GANs [pdf]20178
186Generative Semantic Manipulation with Contrasting GAN [pdf]20178
187Steganographic Generative Adversarial Networks [pdf]20177
188GeneGAN: Learning Object Transfiguration and Attribute Subspace from Unpaired Data [pdf]20177
189Generative Adversarial Parallelization [pdf]20157
190CausalGAN: Learning Causal Implicit Generative Models with Adversarial Training [pdf]20177
191Automatic Liver Segmentation Using an Adversarial Image-to-Image Network [pdf]20177
192Megapixel Size Image Creation using Generative Adversarial Networks [pdf]20176
193Style Transfer for Sketches with Enhanced Residual U-net and Auxiliary Classifier GAN [pdf]20176
194Semantic Image Synthesis via Adversarial Learning [pdf]20176
195WaterGAN: Unsupervised Generative Network to Enable Real-time Color Correction of Monocular Underwater Images [pdf]20176
196Retinal Vessel Segmentation in Fundoscopic Images with Generative Adversarial Networks [pdf]20176
197Representation Learning and Adversarial Generation of 3D Point Clouds [pdf]20176
1983D Object Reconstruction from a Single Depth View with Adversarial Learning [pdf]20176
199Abnormal Event Detection in Videos using Generative Adversarial Nets [pdf]20176
200Improved Adversarial Systems for 3D Object Generation and Reconstruction [pdf]20176
201Relaxed Wasserstein with Applications to GANs (RWGAN ) [pdf]20175
202Generative Adversarial Networks as Variational Training of Energy Based Models (VGAN) [pdf]20175
203Flow-GAN: Bridging implicit and prescribed learning in generative models [pdf]20175
204Weakly Supervised Generative Adversarial Networks for 3D Reconstruction [pdf]20175
205Auto-Encoder Guided GAN for Chinese Calligraphy Synthesis [pdf]20175
206ExprGAN: Facial Expression Editing with Controllable Expression Intensity [pdf]20175
207Learning Texture Manifolds with the Periodic Spatial GAN [pdf]20175
208SAD-GAN: Synthetic Autonomous Driving using Generative Adversarial Networks [pdf]20175
209Compressed Sensing MRI Reconstruction with Cyclic Loss in Generative Adversarial Networks [pdf]20175
210Generative Adversarial Network-based Synthesis of Visible Faces from Polarimetric Thermal Faces [pdf]20175
211Guiding InfoGAN with Semi-Supervision [pdf]20175
212APE-GAN: Adversarial Perturbation Elimination with GAN [pdf]20175
213Binary Generative Adversarial Networks for Image Retrieval [pdf]20175
214Message Passing Multi-Agent GANs (MPM-GAN) [pdf]20174
215Multi-view Generative Adversarial Networks (MV-BiGAN) [pdf]20174
216MARTA GANs: Unsupervised Representation Learning for Remote Sensing Image Classification [pdf]20174
217Associative Adversarial Networks [pdf]20174
218Generative Adversarial Networks for Multimodal Representation Learning in Video Hyperlinking [pdf]20174
219TextureGAN: Controlling Deep Image Synthesis with Texture Patches [pdf]20174
220On the effect of Batch Normalization and Weight Normalization in Generative Adversarial Networks [pdf]20174
221Generative Adversarial Trainer: Defense to Adversarial Perturbations with GAN [pdf]20174
222SeGAN: Segmenting and Generating the Invisible [pdf]20173
223Softmax GAN [pdf]20173
224Class-Splitting Generative Adversarial Networks [pdf]20173
225High-Quality Facial Photo-Sketch Synthesis Using Multi-Adversarial Networks [pdf]20173
226Generative Adversarial Structured Networks [pdf]20173
227Geometric GAN [pdf]20173
228Dualing GANs [pdf]20173
229Adversarial nets with perceptual losses for text-to-image synthesis [pdf]20173
230ARIGAN: Synthetic Arabidopsis Plants using Generative Adversarial Network [pdf]20173
231GP-GAN: Gender Preserving GAN for Synthesizing Faces from Landmarks [pdf]20173
232How to Fool Radiologists with Generative Adversarial Networks? A Visual Turing Test for Lung Cancer Diagnosis [pdf]20173
233Learning to Generate Time-Lapse Videos Using Multi-Stage Dynamic Generative Adversarial Networks [pdf]20173
234Sharpness-aware Low dose CT denoising using conditional generative adversarial network [pdf]20173
235AlignGAN: Learning to Align Cross-Domain Images with Conditional Generative Adversarial Networks [pdf]20172
236Generate Identity-Preserving Faces by Generative Adversarial Networks [pdf]20172
237Creatism: A deep-learning photographer capable of creating professional work [pdf]20172
238Image Generation and Editing with Variational Info Generative Adversarial Networks (ViGAN) [pdf]20162
239Supervised Adversarial Networks for Image Saliency Detection [pdf]20172
240Training Triplet Networks with GAN [pdf]20172
241Training Triplet Networks with GAN [pdf]20172
242Generative Mixture of Networks [pdf]20172
243Stopping GAN Violence: Generative Unadversarial Networks [pdf]20162
244A Classification-Based Perspective on GAN Distributions [pdf]20172
245CM-GANs: Cross-modal Generative Adversarial Networks for Common Representation Learning [pdf]20172
246Statistics of Deep Generated Images [pdf]20172
247Anti-Makeup: Learning A Bi-Level Adversarial Network for Makeup-Invariant Face Verification [pdf]20172
248Freehand Ultrasound Image Simulation with Spatially-Conditioned Generative Adversarial Networks [pdf]20172
249Simultaneously Color-Depth Super-Resolution with Conditional Generative Adversarial Network [pdf]20172
250Socially-compliant Navigation through Raw Depth Inputs with Generative Adversarial Imitation Learning [pdf]20172
251Adversarial Generation of Training Examples for Vehicle License Plate Recognition [pdf]20171
252Aesthetic-Driven Image Enhancement by Adversarial Learning [pdf]20171
253Generative Adversarial Models for People Attribute Recognition in Surveillance [pdf]20171
254Improving Heterogeneous Face Recognition with Conditional Adversarial Networks [pdf]20171
255Intraoperative Organ Motion Models with an Ensemble of Conditional Generative Adversarial Networks [pdf]20171
256Label Denoising Adversarial Network (LDAN) for Inverse Lighting of Face Images [pdf]20171
257Face Super-Resolution Through Wasserstein GANs [pdf]20171
258Continual Learning in Generative Adversarial Nets [pdf]20171
259An Adversarial Regularisation for Semi-Supervised Training of Structured Output Neural Networks [pdf]20171
260Generative Cooperative Net for Image Generation and Data Augmentation [pdf]20171
261Learning Loss for Knowledge Distillation with Conditional Adversarial Networks [pdf]20171
262Parametrizing filters of a CNN with a GAN [pdf]20171
263A step towards procedural terrain generation with GANs [pdf]20171
264Adversarial Networks for Spatial Context-Aware Spectral Image Reconstruction from RGB [pdf]20171
265Controllable Generative Adversarial Network [pdf]20171
266Improved ArtGAN for Conditional Synthesis of Natural Image and Artwork [pdf]20171
267Microscopy Cell Segmentation via Adversarial Neural Networks [pdf]20171
268Neural Stain-Style Transfer Learning using GAN for Histopathological Images [pdf]20171
269Deep and Hierarchical Implicit Models (Bayesian GAN) [pdf]20170
270How to Train Your DRAGAN [pdf]20170
271Activation Maximization Generative Adversarial Nets [pdf]20170
272Generative Adversarial Nets with Labeled Data by Activation Maximization (AMGAN) [pdf]20170
273Depth Structure Preserving Scene Image Generation [pdf]20170
274Synthesizing Filamentary Structured Images with GANs [pdf]20170
275Bayesian Conditional Generative Adverserial Networks [pdf]20170
276Generative Adversarial Networks with Inverse Transformation Unit [pdf]20170
277Image Quality Assessment Techniques Show Improved Training and Evaluation of Autoencoder Generative Adversarial Networks [pdf]20170
278KGAN: How to Break The Minimax Game in GAN [pdf]20170
279Linking Generative Adversarial Learning and Binary Classification [pdf]20170
280Structured Generative Adversarial Networks [pdf]20170
281Tensorizing Generative Adversarial Nets [pdf]20170
282A Novel Approach to Artistic Textual Visualization via GAN [pdf]20170
283Artificial Generation of Big Data for Improving Image Classification: A Generative Adversarial Network Approach on SAR Data [pdf]20170
284Conditional Adversarial Network for Semantic Segmentation of Brain Tumor [pdf]20170
285Data Augmentation in Classification using GAN [pdf]20170
286Deep Generative Adversarial Neural Networks for Realistic Prostate Lesion MRI Synthesis [pdf]20170
287Face Transfer with Generative Adversarial Network [pdf]20170
288Filmy Cloud Removal on Satellite Imagery with Multispectral Conditional Generative Adversarial Nets [pdf]20170
289Generative Adversarial Network based on Resnet for Conditional Image Restoration [pdf]20170
290Hierarchical Detail Enhancing Mesh-Based Shape Generation with 3D Generative Adversarial Network [pdf]20170
291High-Quality Face Image SR Using Conditional Generative Adversarial Networks [pdf]20170
292Improving image generative models with human interactions [pdf]20170
293Learning to Generate Chairs with Generative Adversarial Nets [pdf]20170
294Retinal Vasculature Segmentation Using Local Saliency Maps and Generative Adversarial Networks For Image Super Resolution [pdf]20170

:notebook_with_decorative_cover: Theory


:nut_and_bolt: Presentations / Books


:books: Courses / Tutorials / Blogs (Webpages unless other is stated)


:package: Resources / Models (Descending order based on GitHub stars)

S/NNameRepoStars
1Unpaired Image-to-Image Translation using Cycle-Consistent Adversarial Networks (CycleGAN)https://github.com/junyanz/CycleGAN6383
2:chart_with_upwards_trend: Image-to-image translation with conditional adversarial nets (pix2pix)https://github.com/phillipi/pix2pix4851
3Image super-resolution through deep learninghttps://github.com/david-gpu/srez4801
4Tensorflow implementation of Deep Convolutional Generative Adversarial Networks (DCGAN)https://github.com/carpedm20/DCGAN-tensorflow4223
5:chart_with_upwards_trend: Generative Models: Collection of generative models, e.g. GAN, VAE in Pytorch and Tensorflowhttps://github.com/wiseodd/generative-models3374
6:chart_with_upwards_trend: Generative Visual Manipulation on the Natural Image Manifold (iGAN)https://github.com/junyanz/iGAN2775
7Deep Convolutional Generative Adversarial Networks (DCGAN)https://github.com/Newmu/dcgan_code2750
8:chart_with_upwards_trend: cleverhans: A library for benchmarking vulnerability to adversarial exampleshttps://github.com/openai/cleverhans1939"
9:chart_with_upwards_trend: Wasserstein GANhttps://github.com/martinarjovsky/WassersteinGAN1784
10Neural Photo Editing with Introspective Adversarial Networkshttps://github.com/ajbrock/Neural-Photo-Editor1709
11Generative Adversarial Text to Image Synthesishttps://github.com/paarthneekhara/text-to-image1648
12Improved Techniques for Training GANshttps://github.com/openai/improved-gan1345
13 :chart_with_upwards_trend:Improved Training of Wasserstein GANshttps://github.com/igul222/improved_wgan_training1114
14StackGAN: Text to Photo-realistic Image Synthesis with Stacked Generative Adversarial Networkshttps://github.com/hanzhanggit/StackGAN1091
15Semantic Image Inpainting with Perceptual and Contextual Losses (2016)https://github.com/bamos/dcgan-completion.tensorflow998
16HyperGANhttps://github.com/255bits/HyperGAN759
17:chart_with_upwards_trend: Generative Adversarial Networks (GANs) in 50 lines of code (PyTorch)https://github.com/devnag/pytorch-generative-adversarial-networks758
18:chart_with_upwards_trend: Learning to Discover Cross-Domain Relations with Generative Adversarial Networkshttps://github.com/carpedm20/DiscoGAN-pytorch710
19Unsupervised Cross-Domain Image Generationhttps://github.com/yunjey/domain-transfer-network652
20Unsupervised Representation Learning with Deep Convolutional Generative Adversarial Networks (KERAS-DCGAN)https://github.com/jacobgil/keras-dcgan649
21Deep Generative Image Models using a Laplacian Pyramid of Adversarial Networks (The Eyescream Project)https://github.com/facebook/eyescream566
22:chart_with_upwards_trend: Image-to-image translation using conditional adversarial netshttps://github.com/yenchenlin/pix2pix-tensorflow548
23Generating Videos with Scene Dynamicshttps://github.com/cvondrick/videogan537
24Deep multi-scale video prediction beyond mean square errorhttps://github.com/dyelax/Adversarial_Video_Generation454
25Plug & Play Generative Networks: Conditional Iterative Generation of Images in Latent Spacehttps://github.com/Evolving-AI-Lab/ppgn450
26Learning from Simulated and Unsupervised Images through Adversarial Traininghttps://github.com/carpedm20/simulated-unsupervised-tensorflow448
27Synthesizing the preferred inputs for neurons in neural networks via deep generator networkshttps://github.com/Evolving-AI-Lab/synthesizing421
28:chart_with_upwards_trend: Learning a Probabilistic Latent Space of Object Shapes via 3D Generative-Adversarial Modelinghttps://github.com/zck119/3dgan-release383
29A-Fast-RCNN: Hard Positive Generation via Adversary for Object Detectionhttps://github.com/xiaolonw/adversarial-frcnn362
30Conditional Image Synthesis With Auxiliary Classifier GANshttps://github.com/buriburisuri/ac-gan312
31Generating images with recurrent adversarial networks (sequence_gan)https://github.com/ofirnachum/sequence_gan298
32Learning What and Where to Drawhttps://github.com/reedscot/nips2016294
33Adversarially Learned Inference (2016) (ALI)https://github.com/IshmaelBelghazi/ALI248
34Precomputed real-time texture synthesis with markovian generative adversarial networkshttps://github.com/chuanli11/MGANs235
35Autoencoding beyond pixels using a learned similarity metrichttps://github.com/andersbll/autoencoding_beyond_pixels235
36Unrolled Generative Adversarial Networkshttps://github.com/poolio/unrolled_gan223
37Sampling Generative Networkshttps://github.com/dribnet/plat198
38Energy-based generative adversarial networkhttps://github.com/buriburisuri/ebgan194
39Photo-Realistic Single Image Super-Resolution Using a Generative Adversarial Networkhttps://github.com/leehomyc/Photo-Realistic-Super-Resoluton175
40Invertible Conditional GANs for image editinghttps://github.com/Guim3/IcGAN174
41Pixel-Level Domain Transferhttps://github.com/fxia22/PixelDTGAN169
42SalGAN: Visual Saliency Prediction with Generative Adversarial Networkshttps://github.com/imatge-upc/saliency-salgan-2017164
43Generative face completion (2017)https://github.com/Yijunmaverick/GenerativeFaceCompletion163
44:chart_with_upwards_trend: C-RNN-GAN: Continuous recurrent neural networks with adversarial traininghttps://github.com/olofmogren/c-rnn-gan151
45Adversarial Autoencodershttps://github.com/musyoku/adversarial-autoencoder148
46Coupled Generative Adversarial Networkshttps://github.com/mingyuliutw/CoGAN148
47Context Encoders: Feature Learning by Inpainting (2016)https://github.com/jazzsaxmafia/Inpainting108
48Generative Image Modeling using Style and Structure Adversarial Networks (ss-gan)https://github.com/xiaolonw/ss-gan100
49Conditional Generative Adversarial Netshttps://github.com/zhangqianhui/Conditional-Gans98
50InfoGAN: Interpretable Representation Learning by Information Maximizing Generative Adversarial Netshttps://github.com/buriburisuri/supervised_infogan79
51Reconstruction of three-dimensional porous media using generative adversarial neural networkshttps://github.com/LukasMosser/PorousMediaGan29
52Improving Generative Adversarial Networks with Denoising Feature Matchinghttps://github.com/hvy/chainer-gan-denoising-feature-matching15
53Least Squares Generative Adversarial Networkshttps://github.com/pfnet-research/chainer-LSGAN9

:electric_plug: Frameworks & Libraries (Descending order based on GitHub stars)


License

MIT