Generative adversarial networks
StyleGAN-T is interesting.
Links
- Introduction to GANs, NIPS 2016 | Ian Goodfellow
- Generative Adversarial Networks (2014) - Framework for estimating generative models via an adversarial process. (Code)
- PyTorch implementation of various GANs
- So I Created A Fursona Generator... (2019)
- pix2pixHD - PyTorch implementation of our method for high-resolution (e.g. 2048x1024) photorealistic image-to-image translation.
- VeGANs - Library to easily train various existing GANs (Generative Adversarial Networks) in PyTorch.
- Compare GAN code - Offers TensorFlow implementations for many components related to Generative Adversarial Networks.
- PyTorch pretrained BigGAN
- StyleGAN2 in TensorFlow
- StyleGAN 2 in PyTorch
- Progressive Growing of GANs for Improved Quality, Stability, and Variation
- CTGAN - Implementation of our NeurIPS paper Modeling Tabular data using Conditional GAN.
- Awesome GANs with TensorFlow
- How to make a pizza: Learning a compositional layer-based GAN model (2019)
- GANSpace: Discovering Interpretable GAN Controls
- Time-series Generative Adversarial Networks
- TwinGAN - Unsupervised Image Translation for Human Portraits.
- Wasserstein GAN (WGAN) with Gradient Penalty (GP)
- Artbreeder - Extend Your Imagination with GANs. (HN)
- Generative Image Inpainting - DeepFill v1/v2 with Contextual Attention and Gated Convolution.
- BicycleGAN - PyTorch implementation for multimodal image-to-image translation.
- Unsupervised Discovery of Interpretable Directions in the GAN Latent Space
- Towards Photo-Realistic Virtual Try-On by Adaptively Generating ↔ Preserving Image Content
- Rethinking the Truly Unsupervised Image-to-Image Translation
- StyleGAN2-Face-Modificator - Simple Encoder, Generator and Face Modificator with StyleGAN2.
- Face-Depixelizer - Based on "PULSE: Self-Supervised Photo Upsampling via Latent Space Exploration of Generative Models".
- Denoising Diffusion Probabilistic Models
- Generative Adversarial Imitation Learning
- High-Fidelity Generative Image Compression (HN)
- Photoreal Roman Emperor Project. 54 Machine-learning assisted portraits (2020)
- Using machine learning to recreate photorealistic portraits of Roman Emperors (HN)
- AnimeGANv2 - Improved version of AnimeGAN.
- TecoGAN - TEmporally COherent GAN for video super-resolution. (Video)
- Playing a game of GANstruction (2020)
- Score matching with Langevin Sampling: a new contender to GANs (2020) (HN)
- PyTorch GANs - Contains PyTorch implementation of various GAN architectures.
- ExGAN: Adversarial Generation of Extreme Samples (2020)
- Encoding in Style: a StyleGAN Encoder for Image-to-Image Translation
- StyleGAN2 with adaptive discriminator augmentation (ADA) in TensorFlow
- Your Local GAN: Designing Two Dimensional Local Attention Mechanisms for Generative Models (2020)
- Generative Adversarial Networks (GANs) in 50 lines of code (PyTorch) (2017)
- AdaBelief Optimizer - NeurIPS 2020 Spotlight, trains fast as Adam, generalizes well as SGD, and is stable to train GANs.
- From GAN to WGAN (2020)
- In-Domain GAN Inversion for Real Image Editing (Code)
- Rewriting a Deep Generative Model
- GANDissect - PyTorch-based tools for visualizing and understanding the neurons of a GAN.
- GANksy - A.I. street artist.
- GAN-Supported Concept Art Workflows (2020)
- Understanding GAN Loss Functions (2020)
- PyTorch implementation of Spectral Normalization for Generative Adversarial Networks
- Awesome GAN Inversion papers
- Generate High Resolution Images With Generative Variational Autoencoder
- Simple StyleGan2 for PyTorch
- StackGAN-v2 - PyTorch implementation.
- Self-Attention-GAN TensorFlow
- Self-Attention GAN PyTorch
- StudioGAN - StudioGAN is a PyTorch library providing implementations of representative Generative Adversarial Networks (GANs) for conditional/unconditional image generation. (Reddit)
- Implementation of an extremely 'lightweight' GAN proposed in ICLR 2021, in PyTorch
- Instance Selection for GANs
- StyleGAN2 with adaptive discriminator augmentation (ADA) in TensorFlow
- GANs with Keras and TensorFlow (2020)
- RCF-GAN - Implementation of RCF-GAN proposed in the paper "Reciprocal Adversarial Learning via Characteristic Functions".
- Using GANs to Create Fantastical Creatures (2020) (HN)
- This X Does Not Exist - Using generative adversarial networks (GAN), we can learn how to create realistic-looking fake versions of almost anything. (HN)
- Style-based GANs – Generating and Tuning Realistic Artificial Faces (2018)
- Navigating the GAN Parameter Space for Semantic Image Editing
- Data-Efficient GANs with DiffAugment
- Adversarial Generation of Continuous Images (2020) (Code)
- Unsupervised image-to-image translation method via pre-trained StyleGAN2 network
- Experiments with StyleGAN2
- Awesome Pretrained StyleGAN2
- Training Generative Adversarial Networks by Solving Ordinary Differential Equations (2020) (Code)
- gan-mosaics - Models were trained using a Stylegan2-Ada model.
- DAGs with no tears: Continuous Optimization for Structure Learning (2018) (Code)
- StyleFlow | StyleFlow: Attribute-conditioned Exploration of StyleGAN-generated Images using Conditional Continuous Normalizing Flows (2020) (Code)
- Audio inpainting with generative adversarial network
- Learning to Encode Text as Human-Readable Summaries using Generative Adversarial Networks (2018) (Code)
- StyleGAN2 Distillation for Feed-forward Image Manipulation
- A Review on Generative Adversarial Networks: Algorithms, Theory, and Applications (2020)
- Adversarial Grammatical Error Correction (2020)
- You Only Need Adversarial Supervision for Semantic Image Synthesis (2020) (Code)
- GAN Inversion: A Survey (2021) - GAN inversion aims to invert a given image back into the latent space of a pretrained GAN model, for the image to be faithfully reconstructed from the inverted code by the generator.
- KernelGAN - Blind Super-Resolution Kernel Estimation using an Internal-GAN.
- Mimicry - Lightweight PyTorch library aimed towards the reproducibility of GAN research.
- Unsupervised Anomaly Detection with Generative Adversarial Networks to Guide Marker Discovery (2017) (Code)
- Resolution Dependent GAN Interpolation for Controllable Image Synthesis Between Domains
- Scaling up StyleGAN2 - Achieving photorealistic quality by scaling up StyleGAN2.
- StyleGAN2-Surgery - StyleGAN2 fork with scripts and convenience modifications for creative media synthesis.
- Practical aspects of StyleGAN2 training
- Liquid Warping GAN: A Unified Framework for Human Motion Imitation, Appearance Transfer and Novel View Synthesis (Code)
- Intermediate Layer Optimization for Inverse Problems using Deep Generative Models
- CharacterGAN: Few-Shot Keypoint Character Animation and Reposing (2021) (Code)
- TransGAN: Two Transformers Can Make One Strong GAN (2021) (Code)
- Growing generative adversarial networks, layer by layer (2021)
- GANsformer: Generative Adversarial Transformers (Paper)
- Anycost GANs for Interactive Image Synthesis and Editing
- State-of-the-Art Image Generative Models (2021) (HN)
- GANs for tabular data
- Adversarial score matching and improved sampling for image generation
- ReStyle: A Residual-Based StyleGAN Encoder via Iterative Refinement (2021) (Code)
- WaveGAN - Learn to synthesize raw audio with generative adversarial networks.
- InfinityGAN: Towards Infinite-Resolution Image Synthesis (2021) (Code)
- Assessing Generative Models via Precision and Recall (2018) (Code)
- Few-shot Image Generation via Cross-domain Correspondence (2021) (Code)
- StarGAN v2: Diverse Image Synthesis for Multiple Domains (2020) (Code)
- StarGAN2 for practice - Version of StarGAN2 intended mostly for fellow artists.
- Generative Adversarial Network in Go via Gorgonia
- Controllable Person Image Synthesis with Attribute-Decomposed GAN (2020) (Code)
- DatasetGAN: Efficient Labeled Data Factory with Minimal Human Effort (2021)
- On the use of Benford's law to detect GAN-generated images (2020)
- Generative Models as Distributions of Functions (2021) (Code)
- GAN_Metrics-Tensorflow - Simple Tensorflow implementation of metrics for GAN evaluation.
- Controllable Text-to-Image Generation (2019) (Code)
- How can generative adversarial networks learn real-life distributions easily (2021)
- GNNAutoScale: Scalable and Expressive Graph Neural Networks via Historical Embeddings (2021) (Code)
- GANs N' Roses: Stable, Controllable, Diverse Image to Image Translation (works for videos too!) (Code)
- Denoising Diffusion Probabilistic Models (2020) (Code)
- Barbershop: GAN-based Image Compositing using Segmentation Masks (2021) (Code)
- Alias-Free GAN (HN) (Code)
- Training Generative Adversarial Networks in One Stage (2021) (Code)
- Zero-Shot non-adversarial domain adaptation of pre-trained generators (Web)
- pi-GAN: Periodic Implicit Generative Adversarial Networks for 3D-Aware Image Synthesis (2021) (Code)
- Diffusion Models Beat GANs on Image Synthesis (2021) (Code)
- Realless - Ways To Use Generative Adversarial Networks In Art.
- LARGE: Latent-Based Regression through GAN Semantics (2021) (Code)
- Introduction to Deep Generative Modeling: Examples (Web)
- Awesome GANs
- GAN Awesome Applications
- Unrolled Generative Adversarial Networks (Code)
- Pytorch implementation of DCGAN, WGAN-CP, WGAN-GP
- GAN Prior Embedded Network for Blind Face Restoration in the Wild
- Instance-Conditioned GAN (2021) (Code)
- PyTorch Pretrained GANs - StyleGAN2, BigGAN, BigBiGAN, SAGAN, SNGAN, SelfCondGAN, and more.
- Photo-Realistic Single Image Super-Resolution Using a Generative Adversarial Network (2016) (Code)
- Alias-Free Generative Adversarial Networks (StyleGAN3) (Code) (HN) (Code)
- StyleGAN3-Fun - SOTA GANs are hard to train and to explore, and StyleGAN2/ADA/3 are no different.
- Taming Visually Guided Sound Generation (2021) (Code)
- TecoGAN-PyTorch - PyTorch Reimplementation of TecoGAN: Temporally Coherent GAN for Video Super-Resolution.
- Chunked Autoregressive GAN (CARGAN)
- CIPS-3D: A 3D-Aware Generator of GANs Based on Conditionally-Independent Pixel Synthesis (2021) (Code)
- GAN-Inversion Papers
- Searching towards Class-Aware Generators for Conditional Generative Adversarial Networks (2020) (Code)
- Omni-GAN: On the Secrets of cGANs and Beyond (2021) (Code)
- Helena Sarin: Why Bigger Isn’t Always Better With GANs And AI Art (2018)
- MMGeneration - Powerful toolkit for generative models, based on PyTorch and MMCV.
- Projected GANs Converge Faster (2021) (Code)
- A Shading-Guided Generative Implicit Model for Shape-Accurate 3D-Aware Image Synthesis (2021) (Code)
- DF-GAN: Deep Fusion Generative Adversarial Networks for Text-to-Image Synthesis (2021) (Code)
- GANformer: Generative Adversarial Transformers
- ProteinGAN - Generative network architecture that may be used to produce de-novo protein sequences.
- PaddleGAN - High-performance implementation of classic and SOTA Generative Adversarial Networks.
- SofGAN: A Portrait Image Generator with Dynamic Styling (2021) (Code)
- BlendGAN: Implicitly GAN Blending for Arbitrary Stylized Face Generation (2021) (Code)
- Adversarial Generation of Continuous Implicit Shape Representations (2020) (Code)
- HyperStyle: StyleGAN Inversion with HyperNetworks for Real Image Editing (2021) (Code) (Web) (HN)
- Audiovisual interpolations with GANs
- GAN-Supervised Dense Visual Alignment (2021) (Code)
- ArcaneGAN (Web)
- Tackling the Generative Learning Trilemma with Denoising Diffusion GANs (2021) (Code)
- Ensembling Off-the-shelf Models for GAN Training (2021) (Code)
- Generative Adversarial Networks 101
- StyleGAN2-ADA: Training Generative Adversarial Networks with Limited Data (2020) (Code)
- EG3D: Efficient Geometry-aware 3D GANs (2021) (Code)
- JoJoGAN: One Shot Face Stylization
- VolumeGAN - 3D-aware Image Synthesis via Learning Structural and Textural Representations (2021) (Code)
- GenForce: Research Initiative on Generative Modeling (GitHub)
- Sketch Your Own GAN (2021) (Code)
- StyleGAN2-ada for practice
- StyleGAN3 CLIP-based guidance
- CA-GAN: Composition-Aided GANs (2020) (Code)
- SinGAN: Learning a Generative Model from a Single Natural Image (2019) (Code)
- Labels4Free: Unsupervised Segmentation using StyleGAN (2021) (Code)
- Alias-Free Generative Adversarial Networks (2021) (Code)
- SberSwap
- Explaining in Style: Training a GAN to explain a classifier in StyleSpace (2021) (Code)
- Scaling StyleGAN to Large Diverse Datasets (Code)
- Fast and accurate learned multiresolution dynamical downscaling for precipitation (2021) (Code)
- Upscale an image by a factor of 4, while generating photo-realistic details
- GAN Ensembling - Invert and perturb GAN images for test-time ensembling.
- EditGAN: High-Precision Semantic Image Editing (2021) (Code)
- Third Time's the Charm? Image and Video Editing with StyleGAN3 (2022) (Code)
- Fast AdvProp (2022) (Code)
- Lifespan Age Transformation Synthesis (2020) (Code)
- DualStyleGAN - Official PyTorch Implementation
- On Aliased Resizing and Surprising Subtleties in GAN Evaluation (2022) (Code)
- High-fidelity GAN Inversion with Padding Space (2022) (Code)
- High-Fidelity GAN Inversion for Image Attribute Editing (2022) (Code)
- Neural Neighbor Style Transfer
- CLIPstyler: Image Style Transfer with a Single Text Condition (2021) (Code)
- AttentionGAN for Unpaired Image-to-Image Translation & Multi-Domain Image-to-Image Translation
- DM-GAN: Dynamic Memory Generative Adversarial Networks for Text-to-Image Synthesis (2019) (Code)
- StyleHEAT: One-Shot High-Resolution Editable Talking Face Generation via Pre-trained StyleGAN (2022) (Code)
- DiffusionCLIP: Text-Guided Diffusion Models for Robust Image Manipulation (2022)
- Style Transformer for Image Inversion and Editing (2022) (Code)
- This Repository Does Not Exist - Curated list of awesome projects which use Machine Learning to generate synthetic content.
- Stitch it in Time: GAN-Based Facial Editing of Real Videos (2022) (Code)
- Commonality in Natural Images Rescues GANs: Pretraining GANs with Generic and Privacy-free Synthetic Data (2022) (Code)
- Any-resolution Training for High-resolution Image Synthesis (2022) (Code)
- Disentangled and Controllable Face Image Generation via 3D Imitative-Contrastive Learning (2020) (Code)
- Diffusion Autoencoders: Toward a Meaningful and Decodable Representation (2022) (Code)
- StyleGAN-Human: A Data-Centric Odyssey of Human Generation
- Generating Videos with Dynamics-aware Implicit Generative Adversarial Networks (2022) (Code)
- In&Out : Diverse Image Outpainting via GAN Inversion (2021) (Code)
- StyleGAN-V: A Continuous Video Generator with the Price, Image Quality and Perks of StyleGAN2 (2022) (Code)
- Spatially-Adaptive Multilayer Selection for GAN Inversion and Editing (2022) (Code)
- Parallel WaveGAN implementation with PyTorch
- Rethinking training of 3D GANs (Code)
- BigDatasetGAN: Synthesizing ImageNet with Pixel-wise Annotations (2022) (Code)
- The ArtBench Dataset: Benchmarking Generative Models with Artworks (2022) (Code)
- NeRF: An Eventual Successor for Deepfakes? (HN)
- BlobGAN: Spatially Disentangled Scene Representations (2022) (Code)
- BigVGAN: A Universal Neural Vocoder with Large-Scale Training (2022) (Code) (Code)
- Training StyleGAN2 on TPUs in JAX
- LoopGAN - StyleGAN2 + MelGAN Audio Loop Generation.
- CLIP2StyleGAN: Unsupervised Extraction of StyleGAN Edit Directions (2021) (Code)
- WaveGAN: Frequency-aware GAN for High-Fidelity Few-shot Image Generation (2022) (Code)
- House-GAN++: Generative Adversarial Layout Refinement Networks (2021) (Code)
- CMGAN: Conformer-based Metric GAN for Speech Enhancement (2022) (Code)
- Generating Long Videos of Dynamic Scenes (2022) (Code)
- text2StyleGAN - Natural language interface that adapts pre-trained GANs for text-guided human face synthesis.
- Conditional GANs with Auxiliary Discriminative Classifier (2022) (Code)
- Improving GAN Equilibrium by Raising Spatial Awareness (2022) (Code)
- ReSeFa: Region-Based Semantic Factorization in GANs (2022) (Code)
- Unifying Diffusion Models' Latent Space, with Applications to CycleDiffusion and Guidance (2022) (Code)
- Drop the GAN: In Defense of Patches Nearest Neighbors as Single Image Generative Models (2021) (Code)
- Implicit competitive regularization in GANs (2020) (Code)
- Unified Source-Filter GAN with Harmonic-plus-Noise Source Excitation Generation (2022) (Code)
- JoliGAN: Image-to-Image Translation with GANs and Diffusion for Real-World Applications
- Diffusion-GAN: Training GANs with Diffusion (2022) (Code)
- StyleGAN-T: Unlocking the Power of GANs for Fast Large-Scale Text-to-Image Synthesis (2023) (Code)
- FICE: Text-Conditioned Fashion Image Editing With Guided GAN Inversion (2023) (Code)
- GigaGAN: Scaling up GANs for Text-to-Image Synthesis (2023) (HN)
- Drag Your GAN: Interactive Point-based Manipulation on the Generative Image Manifold (2023) (HN) (Code) (Web) (HN) (Code) (Code)
- AniPortraitGAN: Animatable 3D Portrait Generation from 2D Image Collections (2023) (Code)