All Projects → cientgu → Giqa

cientgu / Giqa

Pytorch implementation of Generated Image Quality Assessment

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Giqa

Deep Generative Models For Natural Language Processing
DGMs for NLP. A roadmap.
Stars: ✭ 185 (+85%)
Mutual labels:  generative-model, generative-adversarial-networks
gcWGAN
Guided Conditional Wasserstein GAN for De Novo Protein Design
Stars: ✭ 38 (-62%)
Mutual labels:  generative-model, generative-adversarial-networks
Psgan
Periodic Spatial Generative Adversarial Networks
Stars: ✭ 108 (+8%)
Mutual labels:  generative-model, generative-adversarial-networks
Torchgan
Research Framework for easy and efficient training of GANs based on Pytorch
Stars: ✭ 1,156 (+1056%)
Mutual labels:  generative-model, generative-adversarial-networks
Pytorch Pix2pix
Pytorch implementation of pix2pix for various datasets.
Stars: ✭ 74 (-26%)
Mutual labels:  generative-model, generative-adversarial-networks
shoe-design-using-generative-adversarial-networks
No description or website provided.
Stars: ✭ 18 (-82%)
Mutual labels:  generative-model, generative-adversarial-networks
GDPP
Generator loss to reduce mode-collapse and to improve the generated samples quality.
Stars: ✭ 32 (-68%)
Mutual labels:  generative-model, generative-adversarial-networks
Segan
Speech Enhancement Generative Adversarial Network in TensorFlow
Stars: ✭ 661 (+561%)
Mutual labels:  generative-model, generative-adversarial-networks
Multi-Agent-Diverse-Generative-Adversarial-Networks
Easy-to-follow Pytorch tutorial Notebook for Multi-Agent-Diverse-Generative-Adversarial-Networks
Stars: ✭ 23 (-77%)
Mutual labels:  generative-model, generative-adversarial-networks
generative deep learning
Generative Deep Learning Sessions led by Anugraha Sinha (Machine Learning Tokyo)
Stars: ✭ 24 (-76%)
Mutual labels:  generative-model, generative-adversarial-networks
Tensorflow Generative Model Collections
Collection of generative models in Tensorflow
Stars: ✭ 3,785 (+3685%)
Mutual labels:  generative-model, generative-adversarial-networks
Delving Deep Into Gans
Generative Adversarial Networks (GANs) resources sorted by citations
Stars: ✭ 834 (+734%)
Mutual labels:  generative-model, generative-adversarial-networks
Generating Devanagari Using Draw
PyTorch implementation of DRAW: A Recurrent Neural Network For Image Generation trained on Devanagari dataset.
Stars: ✭ 82 (-18%)
Mutual labels:  generative-model
Conditional Animegan
Conditional GAN for Anime face generation.
Stars: ✭ 70 (-30%)
Mutual labels:  generative-model
Frechet Inception Distance
CPU/GPU/TPU implementation of the Fréchet Inception Distance
Stars: ✭ 66 (-34%)
Mutual labels:  generative-model
Rnn Handwriting Generation
Handwriting generation by RNN with TensorFlow, based on "Generating Sequences With Recurrent Neural Networks" by Alex Graves
Stars: ✭ 90 (-10%)
Mutual labels:  generative-model
Inr Gan
Adversarial Generation of Continuous Images [CVPR 2021]
Stars: ✭ 81 (-19%)
Mutual labels:  generative-model
Dlf
Code for reproducing results in "Generative Model with Dynamic Linear Flow"
Stars: ✭ 65 (-35%)
Mutual labels:  generative-model
Tars
A deep generative model library in Theano and Lasagne
Stars: ✭ 61 (-39%)
Mutual labels:  generative-model
Keras Gan
Keras implementations of Generative Adversarial Networks.
Stars: ✭ 8,494 (+8394%)
Mutual labels:  generative-adversarial-networks

GIQA: Generated Image Quality Assessment

This is the official pytorch implementation of ECCV2020 "GIQA: Generated Image Quality Assessment" (https://arxiv.org/abs/2003.08932). The major contributors of this repository include Shuyang Gu, Jianmin Bao, Dong Chen, Fang Wen at Microsoft Research Asia.

Introduction

GIQA aims to solve the problem of quality evaluation of a single generated image. In this source, we release the code of our GMM-GIQA and KNN-GIQA which are convenient to use.

Citation

If you find our code helpful for your research, please consider citing:

@article{gu2020giqa,
  title={GIQA: Generated Image Quality Assessment},
  author={Gu, Shuyang and Bao, Jianmin and Chen, Dong and Wen, Fang},
  journal={arXiv preprint arXiv:2003.08932},
  year={2020}
} 

Getting Started

Prerequisite

  • Linux.
  • Pytorch 1.0.0.
  • CUDA9.2 or 10.

Running code

  • Download pretrained models here. We provide the LSUN-cat GMM model with PCA95 in this link, if you need more models, please contact me.

  • Extract features:

    python write_act.py path/to/dataset --act_path path/to/activation --pca_rate pca_rate --pca_path path/to/pca --gpu gpu_id
    
  • Get KNN-GIQA score:

    python knn_score.py path/to/test-folder --act_path path/to/activation --pca_path path/to/pca --K number/of/nearest-neighbor --output_file output/file/path --gpu gpu_id
    
  • Get GMM-GIQA score:

    first build the GMM model:

    python get_gmm.py --act_path path/to/activation --kernel_number number-of-Gaussian-components --gmm_path path/to/gmm
    

    then get the GMM-GIQA score:

    python gmm_score.py path/to/test-folder --gmm_path path/to/gmm --pca_path path/to/pca --ourput_file output/file/path --gpu gpu_id
    
  • For all these running bash, if we do not use PCA (such as FFHQ), just remove the pca_rate and pca_path options.

LGIQA dataset

  • The LGIQA dataset contains three sub-dataset, named LGIQA-FFHQ, LGIQA-cat, LGIQA-cityscapes. You can download the cat and cityscapes sub-dataset here. For security reason, if you need LGIQA-FFHQ dataset, please contact me.

Reference

pytorch-fid

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].