Curated list of awesome GAN applications and demo

Overview

banner

gans-awesome-applications

Curated list of awesome GAN applications and demonstrations.

Note: General GAN papers targeting simple image generation such as DCGAN, BEGAN etc. are not included in the list. I mainly care about applications.

The landmark papers that I respect.

  • Generative Adversarial Networks, [paper], [github]
  • Unsupervised Representation Learning with Deep Convolutional Generative Adversarial Networks, [paper], [github]
  • Improved Techniques for Training GANs, [paper], [github]
  • BEGAN: Boundary Equilibrium Generative Adversarial Networks, [paper], [github]

Contents

Use this contents list or simply press command + F to search for a keyword


Applications using GANs

Font generation

  • Learning Chinese Character style with conditional GAN, [blog], [github]
  • Artistic Glyph Image Synthesis via One-Stage Few-Shot Learning, [paper], [github]
  • Attribute2Font: Creating Fonts You Want From Attributes, [paper], [github]

Anime character generation

  • Towards the Automatic Anime Characters Creation with Generative Adversarial Networks, [paper]
  • [Project] A simple PyTorch Implementation of Generative Adversarial Networks, focusing on anime face drawing, [github]
  • [Project] A simple, clean TensorFlow implementation of Generative Adversarial Networks with a focus on modeling illustrations, [github]
  • [Project] Keras-GAN-Animeface-Character, [github]
  • [Project] A DCGAN to generate anime faces using custom mined dataset, [github]

Interactive Image generation

  • Generative Visual Manipulation on the Natural Image Manifold, [paper], [github]
  • Neural Photo Editing with Introspective Adversarial Networks, [paper], [github]

Text2Image (text to image)

  • TAC-GAN – Text Conditioned Auxiliary Classifier Generative Adversarial Network, [paper], [github]
  • StackGAN: Text to Photo-realistic Image Synthesis with Stacked Generative Adversarial Networks, [paper], [github]
  • Generative Adversarial Text to Image Synthesis, [paper], [github], [github]
  • Learning What and Where to Draw, [paper], [github]

3D Object generation

  • Parametric 3D Exploration with Stacked Adversarial Networks, [github], [youtube]
  • Learning a Probabilistic Latent Space of Object Shapes via 3D Generative-Adversarial Modeling, [paper], [github], [youtube]
  • 3D Shape Induction from 2D Views of Multiple Objects, [paper]
  • Fully Convolutional Refined Auto-Encoding Generative Adversarial Networks for 3D Multi Object Scenes, [github], [blog]

Image Editing

  • Invertible Conditional GANs for image editing, [paper], [github]
  • Image De-raining Using a Conditional Generative Adversarial Network, [paper], [github]

Face Aging

  • Age Progression/Regression by Conditional Adversarial Autoencoder, [paper], [github]
  • CAN: Creative Adversarial Networks Generating “Art” by Learning About Styles and Deviating from Style Norms, [paper]
  • FACE AGING WITH CONDITIONAL GENERATIVE ADVERSARIAL NETWORKS, [paper]

Human Pose Estimation

  • Joint Discriminative and Generative Learning for Person Re-identification, [paper], [github], [video]
  • Pose Guided Person Image Generation, [paper]

Domain-transfer (e.g. style-transfer, pix2pix, sketch2image)

  • Image-to-Image Translation with Conditional Adversarial Networks, [paper], [github], [youtube]
  • Unpaired Image-to-Image Translation using Cycle-Consistent Adversarial Networks, [paper], [github], [youtube]
  • Learning to Discover Cross-Domain Relations with Generative Adversarial Networks, [paper], [github]
  • Unsupervised Creation of Parameterized Avatars, [paper]
  • UNSUPERVISED CROSS-DOMAIN IMAGE GENERATION, [paper]
  • Precomputed Real-Time Texture Synthesis with Markovian Generative Adversarial Networks, [paper], [github]
  • Pixel-Level Domain Transfer [paper], [github]
  • TextureGAN: Controlling Deep Image Synthesis with Texture Patches, [paper], [demo]
  • Vincent AI Sketch Demo Draws In Throngs at GTC Europe, [blog], [youtube]
  • Deep Photo Style Transfer, [paper], [github]

Image Inpainting (hole filling)

  • Context Encoders: Feature Learning by Inpainting, [paper], [github]
  • Semantic Image Inpainting with Perceptual and Contextual Losses, [paper], [github]
  • SEMI-SUPERVISED LEARNING WITH CONTEXT-CONDITIONAL GENERATIVE ADVERSARIAL NETWORKS, [paper]
  • Generative Face Completion, [paper], [github]

Super-resolution

  • Image super-resolution through deep learning, [github]
  • Photo-Realistic Single Image Super-Resolution Using a Generative Adversarial Network, [paper], [github]
  • High-Quality Face Image Super-Resolution Using Conditional Generative Adversarial Networks, [paper]
  • Analyzing Perception-Distortion Tradeoff using Enhanced Perceptual Super-resolution Network, [paper], [github]

Image Blending

  • GP-GAN: Towards Realistic High-Resolution Image Blending, [paper], [github]

High-resolution image generation (large-scale image)

  • Generating Large Images from Latent Vectors, [blog], [github]
  • PROGRESSIVE GROWING OF GANS FOR IMPROVED QUALITY, STABILITY, AND VARIATION, [paper], [github]

Adversarial Examples (Defense vs Attack)

  • SafetyNet: Detecting and Rejecting Adversarial Examples Robustly, [paper]
  • ADVERSARIAL EXAMPLES FOR GENERATIVE MODELS, [paper]
  • Adversarial Examples Generation and Defense Based on Generative Adversarial Network, [paper]

Visual Saliency Prediction (attention prediction)

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

Object Detection/Recognition

  • Perceptual Generative Adversarial Networks for Small Object Detection, [paper]
  • Adversarial Generation of Training Examples for Vehicle License Plate Recognition, [paper]

Robotics

  • Unsupervised Pixel–Level Domain Adaptation with Generative Adversarial Networks, [paper], [github]

Video (generation/prediction)

  • DEEP MULTI-SCALE VIDEO PREDICTION BEYOND MEAN SQUARE ERROR, [paper], [github]

Synthetic Data Generation

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

Others

  • (Physics) Learning Particle Physics by Example: Location-Aware Generative Adversarial Networks for Physics Synthesis, [paper], [github]
  • (Games) STYLE TRANSFER GENERATIVE ADVERSARIAL NETWORKS: LEARNING TO PLAY CHESS DIFFERENTLY, [paper], [github]
  • (General) Spectral Normalization for Generative Adversarial Networks, [paper], [github]

Did not use GAN, but still interesting applications.

Real-time face reconstruction

  • Model-based Deep Convolutional Face Autoencoder for Unsupervised Monocular Reconstruction, [paper], [github], [youtube]

Super-resolution

Photorealistic Image generation (e.g. pix2pix, sketch2image)

Human Pose Estimation

  • Knowledge-Guided Deep Fractal Neural Networks for Human Pose Estimation, [paper], [github]

3D Object generation

  • 3D-R2N2: A Unified Approach for Single and Multi-view 3D Object Reconstruction, [paper], [github]

GAN tutorials with easy and simple example code for starters


Implementations of various types of GANs collection


Trendy AI-application Articles

Author

Minchul Shin, @nashory

Any recommendations to add to the list are welcome :)
Feel free to make pull requests!

Owner
Minchul Shin
Deep Learning, Computer Vision | Research Scientist at kakaobrain (2021-present) | ex-SWE at NAVER (2017-2021)
Minchul Shin
CSAC - Collaborative Semantic Aggregation and Calibration for Separated Domain Generalization

CSAC Introduction This repository contains the implementation code for paper: Co

ScottYuan 5 Jul 22, 2022
A series of Jupyter notebooks with Chinese comment that walk you through the fundamentals of Machine Learning and Deep Learning in python using Scikit-Learn and TensorFlow.

Hands-on-Machine-Learning 目的 这份笔记旨在帮助中文学习者以一种较快较系统的方式入门机器学习, 是在学习Hands-on Machine Learning with Scikit-Learn and TensorFlow这本书的 时候做的个人笔记: 此项目的可取之处 原书的

Baymax 1.5k Dec 21, 2022
Topic Modelling for Humans

gensim – Topic Modelling in Python Gensim is a Python library for topic modelling, document indexing and similarity retrieval with large corpora. Targ

RARE Technologies 13.8k Jan 03, 2023
Deep Multi-Magnification Network for multi-class tissue segmentation of whole slide images

Deep Multi-Magnification Network This repository provides training and inference codes for Deep Multi-Magnification Network published here. Deep Multi

Computational Pathology 12 Aug 06, 2022
Simple is not Easy: A Simple Strong Baseline for TextVQA and TextCaps[AAAI2021]

Simple is not Easy: A Simple Strong Baseline for TextVQA and TextCaps Here is the code for ssbassline model. We also provide OCR results/features/mode

ZephyrZhuQi 51 Nov 18, 2022
This repo generates the training data and the model for Morpheus-Deblend

Morpheus-Deblend This repo generates the training data and the model for Morpheus-Deblend. This is the active development repo for the project and as

Ryan Hausen 2 Apr 18, 2022
Focal and Global Knowledge Distillation for Detectors

FGD Paper: Focal and Global Knowledge Distillation for Detectors Install MMDetection and MS COCO2017 Our codes are based on MMDetection. Please follow

Mesopotamia 261 Dec 23, 2022
A working implementation of the Categorical DQN (Distributional RL).

Categorical DQN. Implementation of the Categorical DQN as described in A distributional Perspective on Reinforcement Learning. Thanks to @tudor-berari

Florin Gogianu 98 Sep 20, 2022
Justmagic - Use a function as a method with this mystic script, like in Nim

justmagic Use a function as a method with this mystic script, like in Nim. Just

witer33 8 Oct 08, 2022
Text-to-Music Retrieval using Pre-defined/Data-driven Emotion Embeddings

Text2Music Emotion Embedding Text-to-Music Retrieval using Pre-defined/Data-driven Emotion Embeddings Reference Emotion Embedding Spaces for Matching

Minz Won 50 Dec 05, 2022
You are AllSet: A Multiset Function Framework for Hypergraph Neural Networks.

AllSet This is the repo for our paper: You are AllSet: A Multiset Function Framework for Hypergraph Neural Networks. We prepared all codes and a subse

Jianhao 51 Dec 24, 2022
Import Python modules from dicts and JSON formatted documents.

Paker Paker is module for importing Python packages/modules from dictionaries and JSON formatted documents. It was inspired by httpimporter. Important

Wojciech Wentland 1 Sep 07, 2022
WTTE-RNN a framework for churn and time to event prediction

WTTE-RNN Weibull Time To Event Recurrent Neural Network A less hacky machine-learning framework for churn- and time to event prediction. Forecasting p

Egil Martinsson 727 Dec 28, 2022
Python scripts for performing 3D human pose estimation using the Mobile Human Pose model in ONNX.

Python scripts for performing 3D human pose estimation using the Mobile Human Pose model in ONNX.

Ibai Gorordo 99 Dec 31, 2022
Python library for analysis of time series data including dimensionality reduction, clustering, and Markov model estimation

deeptime Releases: Installation via conda recommended. conda install -c conda-forge deeptime pip install deeptime Documentation: deeptime-ml.github.io

495 Dec 28, 2022
git《USD-Seg:Learning Universal Shape Dictionary for Realtime Instance Segmentation》(2020) GitHub: [fig2]

USD-Seg This project is an implement of paper USD-Seg:Learning Universal Shape Dictionary for Realtime Instance Segmentation, based on FCOS detector f

Ruolin Ye 80 Nov 28, 2022
Python scripts for performing object detection with the 1000 labels of the ImageNet dataset in ONNX.

Python scripts for performing object detection with the 1000 labels of the ImageNet dataset in ONNX. The repository combines a class agnostic object localizer to first detect the objects in the image

Ibai Gorordo 24 Nov 14, 2022
Unofficial PyTorch implementation of Neural Additive Models (NAM) by Agarwal, et al.

nam-pytorch Unofficial PyTorch implementation of Neural Additive Models (NAM) by Agarwal, et al. [abs, pdf] Installation You can access nam-pytorch vi

Rishabh Anand 11 Mar 14, 2022
Official implementation of our CVPR2021 paper "OTA: Optimal Transport Assignment for Object Detection" in Pytorch.

OTA: Optimal Transport Assignment for Object Detection This project provides an implementation for our CVPR2021 paper "OTA: Optimal Transport Assignme

217 Jan 03, 2023
SketchEdit: Mask-Free Local Image Manipulation with Partial Sketches

SketchEdit: Mask-Free Local Image Manipulation with Partial Sketches [Paper]  [Project Page]  [Interactive Demo]  [Supplementary Material]        Usag

215 Dec 25, 2022