• Stars
    star
    6,182
  • Rank 6,163 (Top 0.2 %)
  • Language
    Python
  • License
    MIT License
  • Created almost 5 years ago
  • Updated almost 3 years ago

Reviews

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

Repository Details

Official Tensorflow implementation of U-GAT-IT: Unsupervised Generative Attentional Networks with Adaptive Layer-Instance Normalization for Image-to-Image Translation (ICLR 2020)

U-GAT-IT β€” Official TensorFlow Implementation (ICLR 2020)

: Unsupervised Generative Attentional Networks with Adaptive Layer-Instance Normalization for Image-to-Image Translation

Paper | Official Pytorch code

This repository provides the official Tensorflow implementation of the following paper:

U-GAT-IT: Unsupervised Generative Attentional Networks with Adaptive Layer-Instance Normalization for Image-to-Image Translation
Junho Kim (NCSOFT), Minjae Kim (NCSOFT), Hyeonwoo Kang (NCSOFT), Kwanghee Lee (Boeing Korea)

Abstract We propose a novel method for unsupervised image-to-image translation, which incorporates a new attention module and a new learnable normalization function in an end-to-end manner. The attention module guides our model to focus on more important regions distinguishing between source and target domains based on the attention map obtained by the auxiliary classifier. Unlike previous attention-based methods which cannot handle the geometric changes between domains, our model can translate both images requiring holistic changes and images requiring large shape changes. Moreover, our new AdaLIN (Adaptive Layer-Instance Normalization) function helps our attention-guided model to flexibly control the amount of change in shape and texture by learned parameters depending on datasets. Experimental results show the superiority of the proposed method compared to the existing state-of-the-art models with a fixed network architecture and hyper-parameters.

Requirements

  • python == 3.6
  • tensorflow == 1.14

Pretrained model

We released 50 epoch and 100 epoch checkpoints so that people could test more widely.

Dataset

Web page

Telegram Bot

Usage

β”œβ”€β”€ dataset
Β Β  └── YOUR_DATASET_NAME
Β Β      β”œβ”€β”€ trainA
 Β  Β  Β  Β  Β  β”œβ”€β”€ xxx.jpg (name, format doesn't matter)
           β”œβ”€β”€ yyy.png
           └── ...
Β Β      β”œβ”€β”€ trainB
           β”œβ”€β”€ zzz.jpg
           β”œβ”€β”€ www.png
           └── ...
Β Β      β”œβ”€β”€ testA
        Β  Β β”œβ”€β”€ aaa.jpg 
           β”œβ”€β”€ bbb.png
           └── ...
Β Β      └── testB
           β”œβ”€β”€ ccc.jpg 
           β”œβ”€β”€ ddd.png
           └── ...

Train

> python main.py --dataset selfie2anime
  • If the memory of gpu is not sufficient, set --light to True
    • But it may not perform well
    • paper version is --light to False

Test

> python main.py --dataset selfie2anime --phase test

Architecture


Results

Ablation study

User study

Kernel Inception Distance (KID)

Citation

If you find this code useful for your research, please cite our paper:

@inproceedings{
Kim2020U-GAT-IT:,
title={U-GAT-IT: Unsupervised Generative Attentional Networks with Adaptive Layer-Instance Normalization for Image-to-Image Translation},
author={Junho Kim and Minjae Kim and Hyeonwoo Kang and Kwang Hee Lee},
booktitle={International Conference on Learning Representations},
year={2020},
url={https://openreview.net/forum?id=BJlZ5ySKPH}
}

Author

Junho Kim, Minjae Kim, Hyeonwoo Kang, Kwanghee Lee

More Repositories

1

Tensorflow-Cookbook

Simple Tensorflow Cookbook for easy-to-use
Python
2,798
star
2

SENet-Tensorflow

Simple Tensorflow implementation of "Squeeze and Excitation Networks" using Cifar10 (ResNeXt, Inception-v4, Inception-resnet-v2)
Python
750
star
3

StarGAN-Tensorflow

Simple Tensorflow implementation of StarGAN (CVPR 2018 Oral)
Python
715
star
4

Self-Attention-GAN-Tensorflow

Simple Tensorflow implementation of "Self-Attention Generative Adversarial Networks" (SAGAN)
Python
540
star
5

Densenet-Tensorflow

Simple Tensorflow implementation of Densenet using Cifar10, MNIST
Python
507
star
6

SPADE-Tensorflow

Simple Tensorflow implementation of "Semantic Image Synthesis with Spatially-Adaptive Normalization" a.k.a. GauGAN, SPADE (CVPR 2019 Oral)
Python
359
star
7

MUNIT-Tensorflow

Simple Tensorflow implementation of "Multimodal Unsupervised Image-to-Image Translation" (ECCV 2018)
Python
299
star
8

Vector_Similarity

Python, Java implementation of TS-SS called from "A Hybrid Geometric Approach for Measuring Similarity Level Among Documents and Document Clustering"
Python
285
star
9

Tensorflow2-Cookbook

Simple Tensorflow 2.x Cookbook for easy-to-use
Python
266
star
10

BigGAN-Tensorflow

Simple Tensorflow implementation of "Large Scale GAN Training for High Fidelity Natural Image Synthesis" (BigGAN)
Python
261
star
11

vit-tensorflow

Vision Transformer Cookbook with Tensorflow
Python
236
star
12

CartoonGAN-Tensorflow

Simple Tensorflow implementation of CartoonGAN (CVPR 2018)
Python
217
star
13

StyleGAN-Tensorflow

Simple & Intuitive Tensorflow implementation of StyleGAN (CVPR 2019 Oral)
Python
211
star
14

GAN_Metrics-Tensorflow

Simple Tensorflow implementation of metrics for GAN evaluation (Inception score, Frechet-Inception distance, Kernel-Inception distance)
Python
205
star
15

ResNet-Tensorflow

Simple Tensorflow implementation of pre-activation ResNet18, 34, 50, 101, 152
Python
179
star
16

ResNeXt-Tensorflow

Simple Tensorflow implementation of ResNeXt using Cifar10
Python
159
star
17

AdaBound-Tensorflow

Simple Tensorflow implementation of "Adaptive Gradient Methods with Dynamic Bound of Learning Rate" (ICLR 2019)
Python
150
star
18

Spectral_Normalization-Tensorflow

Simple Tensorflow Implementation of "Spectral Normalization for Generative Adversarial Networks" (ICLR 2018)
Python
140
star
19

DRIT-Tensorflow

Simple Tensorflow implementation of "Diverse Image-to-Image Translation via Disentangled Representations" (ECCV 2018 Oral)
Python
117
star
20

StarGAN_v2-Tensorflow

Simple Tensorflow implementation of StarGAN_v2
Python
112
star
21

AMSGrad-Tensorflow

Simple Tensorflow implementation of "On the Convergence of Adam and Beyond" (ICLR 2018)
Python
103
star
22

RAdam-Tensorflow

Simple Tensorflow implementation of "On The Variance Of The Adaptive Learning Rate And Beyond"
Python
97
star
23

UNIT-Tensorflow

Simple Tensorflow implementation of "Unsupervised Image to Image Translation Networks" (NIPS 2017 Spotlight)
Python
96
star
24

Awesome-DeepLearning-Study

Summary of DeepLearning (Korean and English are included)
Python
93
star
25

partial_conv-Tensorflow

Simple Tensorflow implementation of "Partial Convolution based Padding" (partialconv)
Python
90
star
26

FusionGAN-Tensorflow

Simple Tensorflow implementation of FusionGAN (CVPR 2018)
Python
79
star
27

Tensorflow-DatasetAPI

Simple Tensorflow DatasetAPI Tutorial for reading image
Python
73
star
28

TripleGAN-Tensorflow

Simple Tensorflow implementation of Triple Generative Adversarial Nets (NIPS 2017)
Python
68
star
29

FUNIT-Tensorflow

Simple Tensorflow implementation of "Few-Shot Unsupervised Image-to-Image Translation" (ICCV 2019)
Python
65
star
30

SphereGAN-Tensorflow

Simple Tensorflow implementation of SphereGAN (CVPR 2019 Oral)
Python
57
star
31

GDWCT-Tensorflow

Simple Tensorflow implementation of "Image-to-Image Translation via Group-wise Deep Whitening-and-Coloring Transformation" (CVPR 2019 Oral)
Python
57
star
32

RelativisticGAN-Tensorflow

Simple Tensorflow implementation of RelativisticGAN
Python
51
star
33

AdamP-Tensorflow

Tensorflow Implementation of "Slowing Down the Weight Norm Increase in Momentum-based Optimizers"
Python
47
star
34

Batch_Instance_Normalization-Tensorflow

Simple Tensorflow implementation of Batch-Instance Normalization (NIPS 2018)
Python
40
star
35

GCNet-Tensorflow

Simple Tensorflow implementation of "GCNet: Non-local Networks Meet Squeeze-Excitation Networks and Beyond"
Python
39
star
36

Diffusion-Tensorflow

Tensorflow implementations of Diffusion models (DDPM, DDIM)
Python
37
star
37

CNN-Architecture-Summary

Simple Summary of CNN Architecture
34
star
38

tf-torch-template

Deep learning project template with tensorflow & pytorch (multi-gpu version)
Python
32
star
39

Switchable_Normalization-Tensorflow

Simple Tensorflow implementation of "Switchable Normalization"
Python
29
star
40

AdaConv-Tensorflow

Simple Tensorflow implementation of "Adaptive Convolutions for Structure-Aware Style Transfer" (CVPR 2021)
Python
26
star
41

AttnGAN-Tensorflow

Simple Tensorflow implementation of "AttnGAN: Fine-Grained Text to Image Generation with Attentional Generative Adversarial Networks" (CVPR 2018)
Python
26
star
42

CLIP-Tensorflow

Simple Tensorflow implementation of CLIP
Python
24
star
43

Image_similarity_with_elastic_search

Find the original image of the converted image with elastic search
Python
22
star
44

RealnessGAN-Tensorflow

Simple Tensorflow implementation of "RealnessGAN: Real or Not Real, that is the Question" (ICLR 2020 Spotlight)
Python
22
star
45

ControlGAN-Tensorflow

Simple Tensorflow implementation of "ControlGAN: Controllable Text-to-Image Generation" (NeurIPS 2019)
Python
19
star
46

CycleGAN-Tensorflow

Simple Tensorflow implementation of CycleGAN
Python
18
star
47

diffusion-pytorch

μ΄ν™”μ—¬λŒ€ κ°•μ˜μžλ£Œ
Python
18
star
48

SRM-Tensorflow

Simple Tensorflow implementation of "SRM : A Style-based Recalibration Module for Convolutional Neural Networks"
Python
18
star
49

GAN-Tensorflow

An implementation of GAN using TensorFlow
Python
17
star
50

SDIT-Tensorflow

Simple Tensorflow implementation of "SDIT: Scalable and Diverse Cross-domain Image Translation" (ACM-MM 2019)
Python
16
star
51

StableGAN-Tensorflow

Simple Tensorflow implementation of "Stabilizing Adversarial Nets With Prediction Methods" (ICLR 2018)
Python
16
star
52

Toward_spatial_unbiased-Tensorflow

Simple Tensorflow implementation of "Toward Spatially Unbiased Generative Models" (ICCV 2021)
Python
16
star
53

denoising-diffusion-gan-Tensorflow

Tensorflow implementation of "Tackling the Generative Learning Trilemma with Denoising Diffusion GANs" (ICLR 2022 Spotlight)
Python
15
star
54

MirrorGAN-Tensorflow

Simple Tensorflow implementation of "MirrorGAN: Learning Text-to-image Generation by Redescription" (CVPR 2019)
Python
15
star
55

Word2VecJava

Word2Vec In Java (2013 google word2vec opensource)
Java
14
star
56

StackGAN-Tensorflow

Simple Tensorflow implementation of "StackGAN: Text to Photo-realistic Image Synthesis with Stacked Generative Adversarial Networks" (ICCV 2017 Oral)
Python
13
star
57

MDGAN-Tensorflow

Simple Tensorflow implementation of "MDGAN: Mixture Density Generative Adversarial Networks" (CVPR 2019)
Python
11
star
58

DiscoGAN-Tensorflow

Simple Tensorflow implementation of DiscoGAN
Python
11
star
59

stylegan2-pytorch

Pytorch implementation of StyleGAN2 in my style
Python
11
star
60

pix2pix-Tensorflow

SImple Tensorflow implementations of " Image-to-Image Translation with Conditional Adversarial Networks" (CVPR 2017)
Python
11
star
61

DCGAN-Tensorflow

SImple Tensorflow implementation of "Deep Convolutional Generative Adversarial Networks"
Python
10
star
62

taki0112

8
star
63

coding_interview

Programmers coding interview in Korean
Python
8
star
64

CIPS-Tensorflow

Simple Tensorflow implementation of "Image Generators with Conditionally-Independent Pixel Synthesis" (CVPR 2021 Oral)
Python
7
star
65

Image_classification_CNN-Tensorflow

Classify dog and cat images of kaggle data
Python
7
star
66

TFIDF_Java

Get TF-IDF of Words
Java
4
star
67

CNN_Tensorflow

Convolutional Neural Network with Tensorflow, MNIST data
Python
4
star
68

grid_sample-Tensorflow

Tensorflow implementation of the grid_sample of pytorch.
Python
3
star
69

NiN-Tensorflow

Simple Tensorflow implementation of Network in Network
Python
2
star
70

Naver-Keyword_Analysis

Keyword Analysis from Naver Hack Day
Java
2
star
71

Deep-Q-network

Reinforcement study
Python
1
star
72

mnist_embedding

Python
1
star
73

Bamboo

1
star