• Stars
    star
    360
  • Rank 117,463 (Top 3 %)
  • Language
  • Created over 4 years ago
  • Updated over 1 year ago

Reviews

There are no reviews yet. Be the first to send feedback to the community and the maintainers!

Repository Details

A curated list of papers, code and resources pertaining to few-shot image generation.

Awesome Few-Shot Image Generation Awesome

A curated list of resources including papers, datasets, and relevant links pertaining to few-shot image generation. Since few-shot image generation is a very broad concept, there are various experimental settings and research lines in the realm of few-shot image generation.

From Base Categories to Novel Categories

The generative model is trained on base categories and applied to novel categories with (optimization-based) or without finetuning (fusion-based and transformation-based).

Optimization-based methods:

  • Louis Clouรขtre, Marc Demers: "FIGR: Few-shot Image Generation with Reptile." CoRR abs/1901.02199 (2019) [pdf] [code]
  • Weixin Liang, Zixuan Liu, Can Liu: "DAWSON: A Domain Adaptive Few Shot Generation Framework." CoRR abs/2001.00576 (2020) [pdf] [code]

Fusion-based methods:

  • Sergey Bartunov, Dmitry P. Vetrov: "Few-shot Generative Modelling with Generative Matching Networks." AISTATS (2018) [pdf] [code]
  • Davis Wertheimer, Omid Poursaeed, Bharath Hariharan: "Augmentation-interpolative Autoencoders for Unsupervised Few-shot Image Generation." arXiv (2020). [pdf]
  • Yan Hong, Li Niu, Jianfu Zhang, Liqing Zhang: "MatchingGAN: Matching-based Few-shot Image Generation." ICME (2020) [pdf] [code]
  • Yan Hong, Li Niu, Jianfu Zhang, Weijie Zhao, Chen Fu, Liqing Zhang: "F2GAN: Fusing-and-Filling GAN for Few-shot Image Generation." ACM MM (2020) [pdf] [code]
  • Zheng Gu, Wenbin Li, Jing Huo, Lei Wang, Yang Gao: "Lofgan: Fusing local representations for fewshot image generation." ICCV (2021) [pdf] [code]

Transformation-based methods:

  • Antreas Antoniou, Amos J. Storkey, Harrison Edwards: "Data Augmentation Generative Adversarial Networks." stat (2018) [pdf] [code]
  • Guanqi Ding, Xinzhe Han, Shuhui Wang, Shuzhe Wu, Xin Jin, Dandan Tu, Qingming Huang: "Attribute Group Editing for Reliable Few-shot Image Generation." CVPR (2022) [pdf] [code]
  • Yan Hong, Li Niu, Jianfu Zhang, Liqing Zhang: "Few-shot Image Generation Using Discrete Content Representation." ACM MM (2022) [pdf]
  • Yan Hong, Li Niu, Jianfu Zhang, Liqing Zhang: "DeltaGAN: Towards Diverse Few-shot Image Generation with Sample-Specific Delta." ECCV (2022) [pdf] [code]

Datasets:

  • Omniglot: 1623 handwritten characters from 50 different alphabets. Each of the 1623 characters was drawn online via Amazon's Mechanical Turk by 20 different people [link]
  • EMNIST: 47 balanced classes [link]
  • FIGR: 17,375 classes of 1,548,256 images representing pictograms, ideograms, icons, emoticons or object or conception depictions [link]
  • VGG-Faces: 2395 categories [link]
  • Flowers: 8189 images from 102 flower classes [link]
  • Animal Faces: 117574 images from 149 animal classes [link]

From Large Dataset to Small Dataset

The generative model is trained on a large dataset (base domain/category) and transferred to a small dataset (novel domain/category).

Finetuning-based methods: Only finetune a part of the model parameters or train a few additional parameters.

  • Atsuhiro Noguchi, Tatsuya Harada: "Image generation from small datasets via batch statistics adaptation." ICCV (2019) [pdf] [code]
  • Esther Robb, Wen-Sheng Chu, Abhishek Kumar, Jia-Bin Huang: "Few-Shot Adaptation of Generative Adversarial Networks." arXiv (2020) [pdf] [code]
  • Miaoyun Zhao, Yulai Cong, Lawrence Carin: "On Leveraging Pretrained GANs for Generation with Limited Data." ICML (2020) [pdf] [code]
  • Yaxing Wang, Abel Gonzalez-Garcia, David Berga, Luis Herranz, Fahad Shahbaz Khan, Joost van de Weijer: "MineGAN: effective knowledge transfer from GANs to target domains with few images." CVPR (2020) [pdf] [code]
  • Yunqing Zhao, Keshigeyan Chandrasegaran, Milad Abdollahzadeh, Ngai-Man Cheung: "Few-shot Image Generation via Adaptation-Aware Kernel Modulation." NeurIPS (2022) [pdf] [code]
  • Yunqing Zhao, Chao Du, Milad Abdollahzadeh, Tianyu Pang, Min Lin, Shuicheng Yan, Ngai-Man Cheung: "Exploring Incompatible Knowledge Transfer in Few-shot Image Generation." CVPR (2023) [pdf] [code]
  • Yuxuan Duan, Li Niu, Yan Hong, Liqing Zhang: "WeditGAN: Few-shot Image Generation via Latent Space Relocation." arXiv (2023) [pdf]

Regularization-based methods: Regularize the transfer process based on the prior regularization knowledge, usually by imposing penalty on parameter/feature changes.

  • Yijun Li, Richard Zhang, Jingwan Lu, Eli Shechtman: "Few-shot Image Generation with Elastic Weight Consolidation." NeurIPS (2020) [pdf]
  • Utkarsh Ojha, Yijun Li, Jingwan Lu, Alexei A. Efros, Yong Jae Lee, Eli Shechtman, Richard Zhang: "Few-shot Image Generation via Cross-domain Correspondence." CVPR (2021) [pdf] [code]
  • Jiayu Xiao, Liang Li, Chaofei Wang, Zheng-Jun Zha, Qingming Huang: "Few Shot Generative Model Adaption via Relaxed Spatial Structural Alignment." CVPR (2022) [pdf] [code]
  • Yunqing Zhao, Henghui Ding, Houjing Huang, Ngai-Man Cheung: "A Closer Look at Few-shot Image Generation." CVPR (2022) [pdf]
  • Xingzhong Hou, Boxiao Liu, Shuai Zhang, Lulin Shi, Zite Jiang, Haihang You: "Dynamic Weighted Semantic Correspondence for Few-Shot Image Generative Adaptation." ACM MM (2022) [pdf]
  • JingYuan Zhu, Huimin Ma, Jiansheng Chen, Jian Yuan: "Few-shot Image Generation via Masked Discrimination." arXiv (2022) [pdf]

Datasets: Sometimes a subset of a dataset is used as the target dataset.

  • ImageNet: Over 1.4M images of 1k categories. [link]
  • FFHQ (Flickr Faces HQ Dataset): 70k 1024*1024 face images proposed by NVIDIA in StyleGAN papers. [link]
  • Danbooru: Anime image dataset series. The latest version (2021) contains 4.9M images annotated with 162M tags. [link]
  • AFHQ (Animal Faces HQ Dataset): 15k 512*512 animal images of three categories cat, dog and wildlife. [link]
  • Artistic-Faces Dataset: 160 artistic portraits of 16 artists. [link]
  • LSUN: 1M images for each of 10 scene categories and 20 object categories. [link]
  • CelebA: 203k face images of 10k identities. [link]

Only Small Dataset

The generative model is directly trained on a small dataset.

  • Shengyu Zhao, Zhijian Liu, Ji Lin, Jun-Yan Zhu, Song Han: "Differentiable Augmentation for Data-Efficient GAN Training." NeurIPS (2020). [pdf] [code]
  • Bingchen Liu, Yizhe Zhu, Kunpeng Song, Ahmed Elgammal: "Towards Faster and Stabilized GAN Training for High-fidelity Few-shot Image Synthesis." ICLR (2021). [pdf] [code]
  • Mengyu Dai, Haibin Hang, Xiaoyang Guo: "Adaptive Feature Interpolation for Low-Shot Image Generation." ECCV (2022). [pdf]

In the extreme case, the generative model is directly trained on a single image. However, the learnt model generally only manipulates the repeated patterns in this image.

  • Tamar Rott Shaham, Tali Dekel, Tomer Michaeli: "SinGAN: Learning a Generative Model from a Single Natural Image." ICCV (2019). [pdf] [code]
  • Vadim Sushko, Jurgen Gall, Anna Khoreva: "One-Shot GAN: Learning to Generate Samples from Single Images and Videos." CVPR workshop (2021). [pdf]

More Repositories

1

Awesome-Image-Composition

A curated list of papers, code and resources pertaining to image composition/compositing or object insertion, which aims to generate realistic composite image.
1,137
star
2

Image-Harmonization-Dataset-iHarmony4

[CVPR 2020] The first large-scale public benchmark dataset for image harmonization. The code used in our paper "DoveNet: Deep Image Harmonization via Domain Verification", CVPR2020. Useful for image harmonization, image composition, etc.
MATLAB
746
star
3

Awesome-Image-Harmonization

A curated list of papers, code and resources pertaining to image harmonization.
403
star
4

DCI-VTON-Virtual-Try-On

[ACM Multimedia 2023] Taming the Power of Diffusion Models for High-Quality Virtual Try-On with Appearance Flow.
Python
372
star
5

libcom

Image composition toolbox: everything you want to know about image composition or object insertion
Python
259
star
6

Awesome-Aesthetic-Evaluation-and-Cropping

255
star
7

CaGNet-Zero-Shot-Semantic-Segmentation

Code for our ACMMM2020 paper "Context-aware Feature Generation for Zero-shot Semantic Segmentation".
Python
233
star
8

SLBR-Visible-Watermark-Removal

[ACM MM 2021] Visible Watermark Removal via Self-calibrated Localization and Background Refinement
Python
197
star
9

Awesome-Weak-Shot-Learning

A curated list of papers, code and resources pertaining to weak-shot classification, detection, and segmentation.
184
star
10

Object-Shadow-Generation-Dataset-DESOBA

[AAAI 2022] The first dataset on foreground object shadow generation for image composition in real-world scenes. The code used in our paper "Shadow Generation for Composite Image in Real-world Scenes", AAAI2022. Useful for shadow generation, shadow removal, image composition, etc.
Python
161
star
11

ControlCom-Image-Composition

A controllable image composition model which could be used for image blending, image harmonization, view synthesis.
Python
124
star
12

CDTNet-High-Resolution-Image-Harmonization

[CVPR 2022] We unify pixel-to-pixel transformation and color-to-color transformation in a coherent framework for high-resolution image harmonization. We also release 100 high-resolution real composite images for evaluation.
Python
112
star
13

Image-Composition-Assessment-Dataset-CADB

[BMVC2021] The first image composition assessment dataset. Used in the paper "Image Composition Assessment with Saliency-augmented Multi-pattern Pooling". Useful for image composition assessment, image aesthetic assesment, etc.
Python
108
star
14

Awesome-Visible-Watermark-Removal

100
star
15

Object-Shadow-Generation-Dataset-DESOBAv2

[CVPR 2024] The dataset, code, and model for our paper "Shadow Generation for Composite Image Using Diffusion Model", CVPR, 2024.
Python
92
star
16

Awesome-Object-Shadow-Generation

A curated list of papers, code, and resources pertaining to object shadow generation.
80
star
17

F2GAN-Few-Shot-Image-Generation

Fusing-and-Filling GAN (F2GAN) for few-shot image generation, ACM MM2020
Python
75
star
18

GracoNet-Object-Placement

Official code for ECCV2022 paper: Learning Object Placement via Dual-path Graph Completion
Python
74
star
19

Object-Placement-Assessment-Dataset-OPA

The first dataset of composite images with rationality score indicating whether the object placement in a composite image is reasonable.
Python
72
star
20

Awesome-Generative-Image-Composition

A curated list of papers, code, and resources pertaining to generative image composition or object insertion.
Python
68
star
21

Awesome-Object-Placement

A curated list of papers, code, and resources pertaining to object placement.
67
star
22

BargainNet-Image-Harmonization

BargainNet: Background-Guided Domain Translation for Image Harmonization. Useful for Image harmonization, image composition, etc.
Python
65
star
23

SimTrans-Weak-Shot-Classification

[NeurIPS 2021] The first weak-shot classification paper.
Python
63
star
24

Video-Harmonization-Dataset-HYouTube

[IJCAI 2022] The first public benchmark dataset for video harmonization. The code used in our paper "Deep Video Harmonization with Color Mapping Consistency", IJCAI 2022.
Python
60
star
25

TraMaS-Weak-Shot-Object-Detection

[NeurIPS 2021] A weak-shot object detection approach by transferring semantic similarity and mask prior.
Python
51
star
26

DeltaGAN-Few-Shot-Image-Generation

[ECCV 2022] Generate sample-specific intra-category deltas for few-shot image generation.
Python
50
star
27

PHDNet-Painterly-Image-Harmonization

[AAAI 2023] Painterly image harmonization in both spatial domain and frequency domain.
Python
50
star
28

PHDiffusion-Painterly-Image-Harmonization

[ACM MM 2023] The code used in our paper "Painterly Image Harmonization using Diffusion Model", ACM MM2023.
Python
49
star
29

Causal-VidQA

[CVPR 2022] A large-scale public benchmark dataset for video question-answering, especially about evidence and commonsense reasoning. The code used in our paper "From Representation to Reasoning: Towards both Evidence and Commonsense Reasoning for Video Question-Answering", CVPR2022.
Python
49
star
30

SSP-AI-Generated-Image-Detection

The code for "A Single Simple Patch is All You Need for AI-generated Image Detection"
Python
46
star
31

ObjectStitch-Image-Composition

An unofficial implementation of the paper "ObjectStitch: Object Compositing with Diffusion Model", CVPR 2023.
Python
44
star
32

SimFormer-Weak-Shot-Semantic-Segmentation

Python
43
star
33

CaGNetv2-Zero-Shot-Semantic-Segmentation

Code for "From Pixel to Patch: Synthesize Context-aware Features for Zero-shot Semantic Segmentation".
Python
36
star
34

Awesome-Image-Blending

A curated list of papers, code and resources pertaining to image blending.
35
star
35

DucoNet-Image-Harmonization

[ACM MM 23] Deep image harmonization in Dual Color Space
Python
33
star
36

SycoNet-Adaptive-Image-Harmonization

[ICCV 2023] The code used in our paper "Deep Image Harmonization with Learnable Augmentation", ICCV2023.
Python
32
star
37

FOPA-Fast-Object-Placement-Assessment

A discriminative object placement approach
Python
31
star
38

MatchingGAN-Few-Shot-Image-Generation

code for Matchinggan: Matching-Based Few-Shot Image Generation
Python
29
star
39

DIRL-Inharmonious-Region-Localization

[ICME2021]The first work on Deep Inharmonious Region Localization, which can help image harmonization in an adversarial way.
Python
24
star
40

RETAB-Weak-Shot-Semantic-Segmentation

Official Implementation for Weak-shot Semantic Segmentation by Transferring Semantic Affinity and Boundary (BMVC 2022)
Python
23
star
41

ArtoPIH-Painterly-Image-Harmonization

[AAAI2024] Painterly Image Harmonization by Learning from Painterly Objects
Python
23
star
42

ProPIH-Painterly-Image-Harmonization

[AAAI2024] Progressive Painterly Image Harmonization from Low-level Styles to High-level Styles
Python
22
star
43

Human-Centric-Image-Cropping

Official implementation for ECCV2022 paper: Human-centric Image Cropping with Partition-aware and Content-preserving Features.
Python
22
star
44

TopNet-Object-Placement

An unofficial implementation of the paper "TopNet: Transformer-based Object Placement Network for Image Compositing", CVPR 2023.
Python
20
star
45

Composite-Image-Evaluation

19
star
46

stock-price-prediction

Fall 18' Class Project for Artificial Intelligence
Jupyter Notebook
19
star
47

Foreground-Object-Search-Dataset-FOSD

[ICCV 2023] The datasets and code used in our paper "Foreground Object Search by Distilling Composite Image Feature", ICCV2023.
Python
18
star
48

Accessory-Try-On-Dataset-STRAT

A virtual accessory try-on dataset which could be used for image composition
Python
18
star
49

Rendered-Shadow-Generation-Dataset-RdSOBA

[AAAI 2024] The dataset used in our paper "Shadow Generation with Decomposed Mask Prediction and Attentive Shadow Filling", AAAI 2024.
18
star
50

MadisNet-Inharmonious-Region-Localization

[AAAI 2022] MadisNet: Inharmonious Region Localization by Magnifying Domain Discrepancy
Python
16
star
51

Rendered-Image-Harmonization-Dataset-RdHarmony

The first rendered image harmonization dataset. Used in our paper "CharmNet: Deep Image Harmonization by Bridging the Reality Gap". Useful for Image harmonization, image composition, etc.
Python
16
star
52

DreamCom-Image-Composition

A simple baseline for image composition using text-guided inpainting model
Python
15
star
53

Image-Harmonization-Dataset-ccHarmony

[ICCV 2023] The color checker based harmonization dataset contributed in our paper "Deep Image Harmonization with Globally Guided Feature Transformation and Relation Distillation", ICCV2023.
Python
15
star
54

Color-Transfer-for-Image-Harmonization

Summarize different color transfer strategies for image harmonization task.
MATLAB
13
star
55

Awesome-Foreground-Object-Search

A curated list of papers, code, and resources pertaining to foreground object search.
13
star
56

AustNet-Inharmonious-Region-Localization

[BMVC2022] Inharmonious Region Localization with Auxiliary Style Feature
Python
13
star
57

toolbox

Python
4
star
58

iConReg

Regulating contagion risk to curb the systemic crisis in loan networks though deep graph learning
2
star
59

Awesome-Video-Composition

2
star
60

ESL-chinese

Element of Statistical Learning ไธญๆ–‡็ฟป่ฏ‘็‰ˆ
1
star
61

anormal-detection

anormal detection of time series data.
1
star
62

financial-time-series

Learning Causal Relationships in Financial Time Series
1
star