All Projects → shawnyuen → Ganspapercollection

shawnyuen / Ganspapercollection

Projects that are alternatives of or similar to Ganspapercollection

Cyclegan
Software that can generate photos from paintings, turn horses into zebras, perform style transfer, and more.
Stars: ✭ 10,933 (+8310%)
Mutual labels:  generative-adversarial-network, torch, gans
gans-collection.torch
Torch implementation of various types of GAN (e.g. DCGAN, ALI, Context-encoder, DiscoGAN, CycleGAN, EBGAN, LSGAN)
Stars: ✭ 53 (-59.23%)
Mutual labels:  torch, generative-adversarial-network, gans
Improved-Wasserstein-GAN-application-on-MRI-images
Improved Wasserstein GAN (WGAN-GP) application on medical (MRI) images
Stars: ✭ 23 (-82.31%)
Mutual labels:  theano, medical-imaging, generative-adversarial-network
Yann
This toolbox is support material for the book on CNN (http://www.convolution.network).
Stars: ✭ 41 (-68.46%)
Mutual labels:  generative-adversarial-network, theano
Gans In Action
Companion repository to GANs in Action: Deep learning with Generative Adversarial Networks
Stars: ✭ 748 (+475.38%)
Mutual labels:  generative-adversarial-network, gans
Machine Learning Curriculum
💻 Make machines learn so that you don't have to struggle to program them; The ultimate list
Stars: ✭ 761 (+485.38%)
Mutual labels:  torch, theano
Pytorch Cpp
C++ Implementation of PyTorch Tutorials for Everyone
Stars: ✭ 1,014 (+680%)
Mutual labels:  generative-adversarial-network, torch
Bringing Old Photos Back To Life
Bringing Old Photo Back to Life (CVPR 2020 oral)
Stars: ✭ 9,525 (+7226.92%)
Mutual labels:  generative-adversarial-network, gans
Co Mod Gan
[ICLR 2021, Spotlight] Large Scale Image Completion via Co-Modulated Generative Adversarial Networks
Stars: ✭ 46 (-64.62%)
Mutual labels:  generative-adversarial-network, gans
Doppelganger
[IMC 2020 (Best Paper Finalist)] Using GANs for Sharing Networked Time Series Data: Challenges, Initial Promise, and Open Questions
Stars: ✭ 97 (-25.38%)
Mutual labels:  generative-adversarial-network, gans
Bicyclegan
Toward Multimodal Image-to-Image Translation
Stars: ✭ 1,215 (+834.62%)
Mutual labels:  generative-adversarial-network, gans
Tagan
An official PyTorch implementation of the paper "Text-Adaptive Generative Adversarial Networks: Manipulating Images with Natural Language", NeurIPS 2018
Stars: ✭ 97 (-25.38%)
Mutual labels:  generative-adversarial-network, gans
Deepo
Setup and customize deep learning environment in seconds.
Stars: ✭ 6,145 (+4626.92%)
Mutual labels:  torch, theano
Data Efficient Gans
[NeurIPS 2020] Differentiable Augmentation for Data-Efficient GAN Training
Stars: ✭ 682 (+424.62%)
Mutual labels:  generative-adversarial-network, gans
Contrastive Unpaired Translation
Contrastive unpaired image-to-image translation, faster and lighter training than cyclegan (ECCV 2020, in PyTorch)
Stars: ✭ 822 (+532.31%)
Mutual labels:  generative-adversarial-network, gans
All About The Gan
All About the GANs(Generative Adversarial Networks) - Summarized lists for GAN
Stars: ✭ 630 (+384.62%)
Mutual labels:  generative-adversarial-network, medical-imaging
Von
[NeurIPS 2018] Visual Object Networks: Image Generation with Disentangled 3D Representation.
Stars: ✭ 497 (+282.31%)
Mutual labels:  generative-adversarial-network, gans
3d Recgan
🔥3D-RecGAN in Tensorflow (ICCV Workshops 2017)
Stars: ✭ 116 (-10.77%)
Mutual labels:  generative-adversarial-network, gans
U Net Brain Tumor
U-Net Brain Tumor Segmentation
Stars: ✭ 399 (+206.92%)
Mutual labels:  tensorlayer, medical-imaging
Fast Srgan
A Fast Deep Learning Model to Upsample Low Resolution Videos to High Resolution at 30fps
Stars: ✭ 417 (+220.77%)
Mutual labels:  generative-adversarial-network, gans

GANsPaperCollection

Review or Survey

NIPS 2016 Tutorial Generative Adversarial Networks [paper]

Generative Adversarial Networks An Overview [paper]

2014

Generative Adversarial Nets [paper] [code]

Conditional Generative Adversarial Nets [paper]

2015

Deep Generative Image Models Using a Laplacian Pyramid of Adversarial Networks [paper]

Unsupervised Representation Learning with Deep Convolutional Generative Adversarial Networks [paper] [code]

Adversarial Autoencoders [paper]

Deep Multi-scale Video Prediction Beyond Mean Square Error [paper]

Autoencoding beyond Pixels Using a Learned Similarity Metric [paper]

A Note on the Evaluation of Generative Models [paper]

2016

(pix2pix) Image-to-image Translation with Conditional Adversarial Networks [paper] [Pytorch code] [Torch code] [TF code]

Semantic Segmentation Using Adversarial Networks [paper]

StackGAN Text to Photo-realistic Image Synthesis with Stacked Generative Adversarial Networks [paper] [code]

Photo-realistic Single Image Super-resolution Using a Generative Adversarial Network [paper] [tf+tl code] [Torch code] [Torch code]

Generating Images with Perceptual Similarity Metrics based on Deep Networks [paper]

Generating Images with Recurrent Adversarial Networks [paper]

Generative Visual Manipulation on the Natural Image Manifold [paper] [code] [project] [video]

Generative Adversarial Text to Image Synthesis [paper]

Learning What and Where to Draw [paper]

Adversarial Training for Sketch Retrieval [paper]

Generative Image Modeling using Style and Structure Adversarial Networks [paper]

Generative Adversarial Networks as Variational Training of Energy Based Models [paper]

Adversarial Training Methods for Semi-Supervised Text Classification [paper]

Learning from Simulated and Unsupervised Images through Adversarial Training [paper]

Synthesizing the preferred inputs for neurons in neural networks via deep generator networks [paper]

Adversarial Feature Learning [paper]

Semantic Image Inpainting with Perceptual and Contextual Losses [paper]

"Semantic Image Inpainting with Deep Generative Models" the same as the above but different title.

Context Encoders: Feature Learning by Inpainting [paper]

Semi-supervised Learning with Context-conditional Generative Adversarial Networks [paper]

Robust LSTM-autoencoders for Face De-occlusion in the Wild [paper]

C-RNN-GAN: Continuous Recurrent Neural Networks with Adversarial Training [paper]

InfoGAN: Interpretable Representation Learning by Information Maximizing Generative Adversarial Nets [Paper]

Conditional Image Synthesis with Auxiliary Classifier GANs [paper]

Pixel-level Domain Transfer [paper]

Invertible Conditional GANs for Image Editing [paper]

Plug & Play Generative Networks: Conditional Iterative Generation of Images in Latent Space [Paper]

Unsupervised Learning for Physical Interaction through Video Prediction [paper]

Generating Videos with Scene Dynamics [paper]

Precomputed Real-Time Texture Synthesis with Markovian Generative Adversarial Networks [paper] [code]

Medical Image Synthesis with Context-aware Generative Adversarial Networks [paper]

Learning Temporal Transformations from Time-lapse Videos [paper]

Improved Techniques for Training GANs NIPS 2016 [paper]

Mode Regularized Generative Adversarial Networks [paper]

Amortised MAP Inference for Image Super-resolution [paper]

Learning to Generate Images of Outdoor Scenes from Attributes and Semantic Layouts

Adversarially Learned Inference [paper] [code]

Adversarial Feature Learning [paper]

EnhanceNet Single Image Super-Resolution through Automated Texture Synthesis [paper]

One-to-Many Network for Visually Pleasing Compression Artifacts Reduction [paper]

Deep Multi-scale Convolutional Neural Network for Dynamic Scene Deblurring [paper] [Torch code]

Unsupervised Pixel-Level Domain Adaptation with Generative Adversarial Networks [paper]

Least Squares Generative Adversarial Networks [paper] [code]

Inverting The Generator Of A Generative Adversarial Network [paper]

Stacked Generative Adversarial Networks [paper]

Unrolled Generative Adversarial Networks [paper]

Energy-based Generative Adversarial Network [paper]

Neural Photo Editing with Introspective Adversarial Networks [paper]

Ultra-Resolving Face Images by Discriminative Generative Networks [paper]

Generative Adversarial Nets from a Density Ratio Estimation Perspective [paper]

Adversarially Learned Inference [paper]

Generative Multi-Adversarial Networks [paper]

(DTN) Unsupervised Cross-Domain Image Generation ICLR 2017 [paper] [code]

2017

SalGAN: Visual Saliency Prediction with Generative Adversarial Networks [paper]

AdaGAN: Boosting Generative Models [paper]

Unsupervised Image-to-image Translation with Generative Adversarial Networks [paper]

Adversarial Networks for the Detection of Aggressive Prostate Cancer [paper]

Generative Adversarial Residual Pairwise Networks for One Shot Learning [paper]

GP-GAN Towards Realistic High-resolution Image Blending [paper]

Image De-raining Using a Conditional Generative Adversarial Network [paper], [code]

Semi-latent GAN Learning to Generate and Modify Facial Images from Attributes [paper]

Loss-sensitive Generative Adversarial Networks on Lipschitz Densities [paper] [code]

On the Effect of Batch Normalization and Weight Normalization in Generative Adversarial Networks [paper]

Beyond Face Rotation Global and Local Perception GAN for Photorealistic and Identity Preserving Frontal View Synthesis [paper]

Neural Face Editing with Intrinsic Image Disentangling [paper]

(DualGAN) DualGAN: Unsupervised Dual Learning for Image-to-Image Translation ICCV 2017 [paper] [code]

(CycleGAN) Unpaired Image-to-Image Translation using Cycle-Consistent Adversarial Networks ICCV 2017 [paper] [code]

Face Aging With Conditional Generative Adversarial Networks [paper]

Outline Colorization through Tandem Adversarial Networks [paper]

Real-Time Adaptive Image Compression [paper]

Improved Training of Wasserstein GANs NIPS 2017 [paper] [code]

The Cramer Distance as a Solution to Biased Wasserstein Gradients [paper] [code]

Video Imagination from a Single Image with Transformation Generation [paper]

Perceptual Generative Adversarial Networks for Small Object Detection [paper]

(TextureGAN) TextureGAN Controlling Deep Image Synthesis with Texture Patches CVPR 2018 [paper] [code]

Interactive 3D Modeling with a Generative Adversarial Network [paper]

Bayesian Conditional Generative Adverserial Networks [paper]

Auto-Encoder Guided GAN for Chinese Calligraphy Synthesis [paper]

Retinal Vessel Segmentation in Fundoscopic Images with Generative Adversarial Networks [paper] [Keras+TF code]

Perceptual Adversarial Networks for Image-to-Image Transformation [paper]

Adversarial Image Alignment and Interpolation [paper]

On Unifying Deep Generative Models [paper]

Generalization and Equilibrium in Generative Adversarial Nets (GANs) [paper]

SegAN Adversarial Network with Multi-scale L1 Loss for Medical Image Segmentation [paper]

Self Adversarial Training for Human Pose Estimation [paper]

Automatic Liver Segmentation Using an Adversarial Image-to-Image Network [paper]

AlignGAN Learning to Align Cross-Domain Images with Conditional Generative Adversarial Networks [paper]

High-Quality Face Image SR Using Conditional Generative Adversarial Networks [paper]

Freehand Ultrasound Image Simulation with Spatially-Conditioned Generative Adversarial Networks [paper]

Virtual PET Images from CT Data Using Deep Convolutional Networks Initial Results [paper]

Synthesis of Positron Emission Tomography (PET) Images via Multi-channel Generative Adversarial Networks (GANs) [paper]

Deep MR to CT Synthesis using Unpaired Data [paper]

Low Dose CT Image Denoising Using a Generative Adversarial Network with Wasserstein Distance and Perceptual Loss [paper]

Bayesian GAN [paper]

Stabilizing Training of Generative Adversarial Networks through Regularization [paper]

GANs for Biological Image Synthesis [paper]

Sharpness-aware Low dose CT denoising using conditional generative adversarial network [paper]

Adversarial Generation of Training Examples for Vehicle License Plate Recognition [paper]

Adversarial Training and Dilated Convolutions for Brain MRI Segmentation [paper]

Aesthetic-Driven Image Enhancement by Adversarial Learning [paper]

Adversarial Nets with Perceptual Losses for Text-to-image Synthesis [paper]

Simultaneously Color-Depth Super-Resolution with Conditional Generative Adversarial Network [paper]

Adversarial PoseNet A Structure-aware Convolutional Network for Human Pose Estimation [paper]

Adversarial Networks for Spatial Context-Aware Spectral Image Reconstruction from RGB [paper]

ARIGAN: Synthetic Arabidopsis Plants using Generative Adversarial Network [paper]

Compressed Sensing MRI Reconstruction with Cyclic Loss in Generative Adversarial Networks [paper]

Synthetic Medical Images from Dual Generative Adversarial Networks [paper]

Learning Loss for Knowledge Distillation with Conditional Adversarial Networks [papaer]

Conditional Generative Adversarial Networks for Speech Enhancement and Noise-Robust Speaker Verification [paper]

Towards Understanding Adversarial Learning for Joint Distribution Matching [paper]

Generative Semantic Manipulation with Contrasting GAN ECCV 2018 [paper]

Deep Generative Filter for Motion Deblurring [paper]

Improving Heterogeneous Face Recognition with Conditional Adversarial Networks [paper]

Exposure A White-Box Photo Post-Processing Framework [paper]

A Study of Cross-domain Generative Models applied to Cartoon Series [paper]

Fisher GAN [paper]

Neural Stain-Style Transfer Learning using GAN for Histopathological Images [paper]

Many Paths to Equilibrium GANs Do Not Need to Decrease aDivergence At Every Step [paper]

Progressive Growing of GANs for Improved Quality, Stability, and Variation [paper] [code]

Addressing Challenging Place Recognition Tasks using Generative Adversarial Networks [paper]

Generative Adversarial Network based on Resnet for Conditional Image Restoration [paper]

Face Transfer with Generative Adversarial Network [paper]

SEGAN Speech Enhancement Generative Adversarial Network [paper] [code]

BEGAN Boundary Equilibrium Generative Adversarial Networks [paper]

StarGAN: Unified Generative Adversarial Networks for Multi-Domain Image-to-Image Translation CVPR 2018 [paper] [Pytorch code]

(pix2pix-HD) High-Resolution Image Synthesis and Semantic Manipulation with Conditional GANs CVPR 2018 [paper] [code]

Precise Recovery of Latent Vectors from Generative Adversarial Networks [paper]

Towards Principled Methods for Training Generative Adversarial Networks [paper]

Wasserstein GAN [paper]

The Numerics of GANs [paper]

Hallucinating Very Low-Resolution Unaligned and Noisy Face Images by Transformative Discriminative Autoencoders [paper]

Deep Future Gaze Gaze Anticipation on Egocentric Videos Using Adversarial Networks [paper]

DeLiGAN : Generative Adversarial Networks for Diverse and Limited Data [paper]

MARTA GANs Unsupervised Representation Learning for Remote Sensing Image Classification [paper]

Adversarial Variational Bayes Unifying Variational Autoencoders and Generative Adversarial Networks [paper]

Adversarial Stain Transfer for Histopathology Image Analysis [paper]

Geometrical Insights for Implicit Generative Modeling [paper]

"Leon Bottou"

Multi-Agent Diverse Generative Adversarial Networks [paper]

Learning Face Age Progression: A Pyramid Architecture of GANs [paper]

(BicycleGAN) Toward Multimodal Image-to-Image Translation NIPS 2017 [paper] [code]

(UNIT) Unsupervised Image-to-Image Translation Networks NIPS 2017 [paper] [code]

(DiscoGAN) Learning to Discover Cross-Domain Relations with Generative Adversarial Networks ICML 2017 [paper] [code]

(DistanceGAN) One-Sided Unsupervised Domain Mapping NISP 2017 [paper] [code]

(Triangle GAN) Triangle Generative Adversarial Networks NIPS 2017 [paper] [code]

AttGAN: Facial Attribute Editing by Only Changing What You Want 2017 [paper] [code]

2018

Coupled Generative Adversarial Stacked Auto-encoder: CoGASA [paper]

High-throughput, High-resolution Generated Adversarial Network Microscopy [paper]

Geometry Score A Method For Comparing Generative Adversarial Networks [paper] [code]

Mastering Sketching Adversarial Augmentation for Structured Prediction [paper]

"TOG"

3D Convolutional Encoder-Decoder Network for Low-Dose CT via Transfer Learning from a 2D Trained Network [paper]

Learning to Adapt Structured Output Space for Semantic Segmentation [paper]

A Study into the Similarity in Generator and Discriminator in GAN Architecture [paper]

An Introduction to Image Synthesis with Generative Adversarial Nets [paper]

"text2image, image2image"

Densely Connected Pyramid Dehazing Network [paper], [code]

3D Conditional Generative Adversarial Networks for High-quality PET Image Estimation at Low Dose [paper]

Efficient and Accurate MRI Super-Resolution using a Generative Adversarial Network and 3D Multi-Level Densely Connected Network [paper]

Spectral Normalization for Generative Adversarial Networks ICLR 2018 [paper] [code]

PairedCycleGAN: Asymmetric Style Transfer for Applying and Removing Makeup [paper]

Translating and Segmenting Multimodal Medical Volumes with Cycle- and Shape-Consistency Generative Adversarial Network CVPR 2018 [paper]

Improving Shape Deformation in Unsupervised Image-to-Image Translation ECCV 2018 [paper] [code]

To learn image super-resolution, use a GAN to learn how to do image degradation first ECCV 2018 [paper]

GANimation Anatomically-aware Facial Animation from a Single Image ECCV 2018 [paper] [code]

SwapNet Garment Transfer in Single View Images ECCV 2018 [paper]

Modular Generative Adversarial Networks ECCV 2018 [paper]

Image Generation from Sketch Constraint Using Contextual GAN ECCV 2018 [paper]

Smart, Sparse Contours to Represent and Edit Images CVPR 2018 [paper]

Image-to-image Translation for Cross-domain Disentanglement NIPS 2018 [paper]

(CartoonGAN) CartoonGAN: Generative Adversarial Networks for Photo Cartoonization CVPR 2018 [paper] [code]

(SCAN) Unsupervised Image-to-Image Translation with Stacked Cycle-Consistent Adversarial Networks ECCV 2018 [paper]

(InstaGAN) Instance-aware image-to-image translation 2018 [paper]

Geometry Guided Adversarial Facial Expression Synthesis ACM MM 2018 [paper]

DA-GAN: Instance-level Image Translation by Deep Attention Generative Adversarial Networks CVPR 2018 [paper]

Attention-GAN for Object Transfiguration in Wild Images 2018 [paper]

Unsupervised Attention-guided Image to Image Translation NIPS 2018 [paper] [code]

Show, Attend and Translate: Unsupervised Image Translation with Self-Regularization and Attention 2018 [paper]

Conditional CycleGAN for Attribute Guided Face Image Generation ECCV 2018 [paper]

Augmented CycleGAN: Learning Many-to-Many Mappings from Unpaired Data ICML 2018 [paper] [code]

Sparsely Grouped Multi-task Generative Adversarial Networks for Facial Attribute Manipulation ACM MM 2018 [paper] [code]

XGAN: Unsupervised Image-to-Image Translation for Many-to-Many Mappings ICML 2018 [paper]

ELEGANT: Exchanging Latent Encodings with GAN for Transferring Multiple Face Attributes ECCV 2018 [paper] [code]

(MUNIT) Multimodal Unsupervised Image-to-Image Translation ECCV 2018 [paper] [code]

Conditional Image-to-Image Translation CVPR 2018 [paper]

Exemplar Guided Unsupervised Image-to-Image Translation with Semantic Consistency

Diverse Image-to-Image Translation via Disentangled Representations ECCV 2018 [paper] [code]

(BigGANs) Large Scale GAN Training for High Fidelity Natural Image Synthesis ICLR 2019 [paper]

2019

Self-Supervised Generative Adversarial Networks CVPR 2019 [paper]

”arXiv v2: Self-Supervised GANs via Auxiliary Rotation Loss“

SinGAN: Learning a Generative Model from a Single Natural Image ICCV 2019 [paper]

Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].