Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition

Overview

MetaIQA

  • PyTorch 0.4.1 (with Python 3.6.0) implementation of the following paper.

  • If you find our work is useful, pleaes cite our paper:
    @InProceedings{Zhu2020MetaIQA,
    author = {Zhu, Hancheng and Li, Leida and Wu, Jinjian and Dong, Weisheng and Shi, Guangming},
    title = {{MetaIQA:} Deep Meta-Learning for No-Reference Image Quality Assessment},
    booktitle = {Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition (CVPR)},
    month = {Jun.},
    pages ={14143--14152},
    year = {2020}
    }

  • MetaIQA_On_TID2013_KADID.py for quality prior model training.

  • MetaIQA_FineTune_WILDLIVE.py for model fine-tuning on LIVE challenge database.

  • If you want to train the quality prior model, you need download TID2013 and KADID-10K databases.

Comments
  • Error with model loading

    Error with model loading

    Hello! I was trying to open the both trained models with torch.load('MetaIQA/model_IQA/TID2013_IQA_Meta_resnet18.pt') and got this error:


    AttributeError Traceback (most recent call last) in () ----> 1 model = torch.load('MetaIQA/model_IQA/TID2013_IQA_Meta_resnet18.pt')

    /usr/local/lib/python3.6/dist-packages/torch/serialization.py in load(f, map_location, pickle_module, **pickle_load_args) 591 return torch.jit.load(f) 592 return _load(opened_zipfile, map_location, pickle_module, **pickle_load_args) --> 593 return _legacy_load(opened_file, map_location, pickle_module, **pickle_load_args) 594 595

    /usr/local/lib/python3.6/dist-packages/torch/serialization.py in _legacy_load(f, map_location, pickle_module, **pickle_load_args) 771 unpickler = pickle_module.Unpickler(f, **pickle_load_args) 772 unpickler.persistent_load = persistent_load --> 773 result = unpickler.load() 774 775 deserialized_storage_keys = pickle_module.load(f, **pickle_load_args)

    AttributeError: Can't get attribute 'Net' on <module 'main'>

    I tried it in my local environment and using colab, so the same error occurs with different python and pycharm versions. Could you, please, specify the exact versions or maybe check the both models.

    opened by esafronova 4
  • what's the torch version

    what's the torch version

    when I use the project with torch==1.6.0. it will show me that: torch.nn.modules.module.ModuleAttributeError: 'AvgPool2d' object has no attribute 'divisor_override' and then it will be right when I change torch version to 0.4.0. So that means MetaIQA use the 0.4.0 version ?

    opened by Usernamezhx 1
  • about the tid2013 data  convertion

    about the tid2013 data convertion

    First of all. thanks for your work. I want known how to convert tid 2013 data range to 0-1. The orignal tid 2013 range is max: 7.21429 min: 0.24242. value / max value ?

    opened by Usernamezhx 1
  • Some problems about the results

    Some problems about the results

    Hi!Congratulations to your work! In the process of reproducing the code, I trained the prior knowledge model on TID2013 and Kadid10k, and fine-tuned on the CLIVE data set, but the SROCC was about 0.48, which did not achieve the results in the paper. Do you get similar results? I didn't make any change but the results were not ideal.

    opened by Shuweis 1
  • When will the first part of the code can be released? Thanks!

    When will the first part of the code can be released? Thanks!

    Hello! The overall framework of the MetaIQA is composed of two steps: 1. meta-training for quality prior model and fine-tuning for NR-IQA of unknown distortions. When will the first part of the code can be released? Thanks!

    opened by lllllllllllll-llll 1
  • Dataset  Help!

    Dataset Help!

    Thank you very much for your nice work. It is a quiet great guidance for NR-IQA. Excuse me.
    I want to consult where can we get the relevant 5 datasets? Thanks alot.

    opened by lilyswang 0
  • MSU Video Quality Metrics Benchmark Invitation

    MSU Video Quality Metrics Benchmark Invitation

    Hello! We kindly invite you to participate in our video quality metrics benchmark. You can submit MetaIQA (or any other your metrics) to the benchmark, following the submission steps, described here. The dataset distortions refer to compression artifacts on professional and user-generated content. The full dataset is used to measure methods overall performance, so we do not share it to avoid overfitting. Nevertheless, we provided the open part of it (around 1,000 videos) within our paper "Video compression dataset and benchmark of learning-based video-quality metrics", accepted to NeurIPS 2022.

    opened by msm1rnov 0
  • How to fine-tuning bases the quality prior model?

    How to fine-tuning bases the quality prior model?

    Excuse me, zhuhancheng, I want to know how you fine-tuning the quality prior model to get the final quality modelmodel_IQA/TID2013_IQA_Meta_resnet18.pt? Hope to see the reply!

    opened by yanyanya9 0
  • How to train and test new datasets

    How to train and test new datasets

    Excuse me, I want to train and test new datasets (such as training TID2008, live, csiq, pipal, and so on) with your model. How should I do it? Thanks so much for your help

    opened by skk-k 1
  • Meta Model Update Location

    Meta Model Update Location

    Hi, zhuhancheng. Thanks for your excellent work, but I'm a little bit confused about the meta model update location, and the counter location. Why they are in the most inner loop of the train_dataloader? Should not they be in the loop of the task? https://github.com/zhuhancheng/MetaIQA/blob/30eeeb179bc72cf9408f91e2096726a2713de028/MetaIQA_On_TID2013_KADID.py#L360-366

    opened by Fordacre 0
Owner
null
Y. Zhang, Q. Yao, W. Dai, L. Chen. AutoSF: Searching Scoring Functions for Knowledge Graph Embedding. IEEE International Conference on Data Engineering (ICDE). 2020

AutoSF The code for our paper "AutoSF: Searching Scoring Functions for Knowledge Graph Embedding" and this paper has been accepted by ICDE2020. News:

AutoML Research 64 Dec 17, 2022
Code for the paper "MASTER: Multi-Aspect Non-local Network for Scene Text Recognition" (Pattern Recognition 2021)

MASTER-PyTorch PyTorch reimplementation of "MASTER: Multi-Aspect Non-local Network for Scene Text Recognition" (Pattern Recognition 2021). This projec

Wenwen Yu 255 Dec 29, 2022
This is the first released system towards complex meters` detection and recognition, which is implemented by computer vision techniques.

A three-stage detection and recognition pipeline of complex meters in wild This is the first released system towards detection and recognition of comp

Yan Shu 19 Nov 28, 2022
Unified unsupervised and semi-supervised domain adaptation network for cross-scenario face anti-spoofing, Pattern Recognition

USDAN The implementation of Unified unsupervised and semi-supervised domain adaptation network for cross-scenario face anti-spoofing, which is accepte

null 11 Nov 3, 2022
Jittor Medical Segmentation Lib -- The assignment of Pattern Recognition course (2021 Spring) in Tsinghua University

THU模式识别2021春 -- Jittor 医学图像分割 模型列表 本仓库收录了课程作业中同学们采用jittor框架实现的如下模型: UNet SegNet DeepLab V2 DANet EANet HarDNet及其改动HarDNet_alter PSPNet OCNet OCRNet DL

null 48 Dec 26, 2022
BADet: Boundary-Aware 3D Object Detection from Point Clouds (Pattern Recognition 2022)

BADet: Boundary-Aware 3D Object Detection from Point Clouds (Pattern Recognition

Rui Qian 17 Dec 12, 2022
Abstractive opinion summarization system (SelSum) and the largest dataset of Amazon product summaries (AmaSum). EMNLP 2021 conference paper.

Learning Opinion Summarizers by Selecting Informative Reviews This repository contains the codebase and the dataset for the corresponding EMNLP 2021

Arthur Bražinskas 39 Jan 1, 2023
This repo is the code release of EMNLP 2021 conference paper "Connect-the-Dots: Bridging Semantics between Words and Definitions via Aligning Word Sense Inventories".

Connect-the-Dots: Bridging Semantics between Words and Definitions via Aligning Word Sense Inventories This repo is the code release of EMNLP 2021 con

null 12 Nov 22, 2022
Learning from Synthetic Shadows for Shadow Detection and Removal [Inoue+, IEEE TCSVT 2020].

Learning from Synthetic Shadows for Shadow Detection and Removal (IEEE TCSVT 2020) Overview This repo is for the paper "Learning from Synthetic Shadow

Naoto Inoue 67 Dec 28, 2022
Official Keras Implementation for UNet++ in IEEE Transactions on Medical Imaging and DLMIA 2018

UNet++: A Nested U-Net Architecture for Medical Image Segmentation UNet++ is a new general purpose image segmentation architecture for more accurate i

Zongwei Zhou 1.8k Jan 7, 2023
Code of paper Interact, Embed, and EnlargE (IEEE): Boosting Modality-specific Representations for Multi-Modal Person Re-identification.

Interact, Embed, and EnlargE (IEEE): Boosting Modality-specific Representations for Multi-Modal Person Re-identification We provide the codes for repr

null 12 Dec 12, 2022
Woosung Choi 63 Nov 14, 2022
"Inductive Entity Representations from Text via Link Prediction" @ The Web Conference 2021

Inductive entity representations from text via link prediction This repository contains the code used for the experiments in the paper "Inductive enti

Daniel Daza 45 Jan 9, 2023
Github for the conference paper GLOD-Gaussian Likelihood OOD detector

FOOD - Fast OOD Detector Pytorch implamentation of the confernce peper FOOD arxiv link. Abstract Deep neural networks (DNNs) perform well at classifyi

null 17 Jun 19, 2022
Code for EMNLP 2021 main conference paper "Text AutoAugment: Learning Compositional Augmentation Policy for Text Classification"

Text-AutoAugment (TAA) This repository contains the code for our paper Text AutoAugment: Learning Compositional Augmentation Policy for Text Classific

LancoPKU 105 Jan 3, 2023
Ratatoskr: Worcester Tech's conference scheduling system

Ratatoskr: Worcester Tech's conference scheduling system In Norse mythology, Ratatoskr is a squirrel who runs up and down the world tree Yggdrasil to

null 4 Dec 22, 2022
Learning the Beauty in Songs: Neural Singing Voice Beautifier; ACL 2022 (Main conference); Official code

Learning the Beauty in Songs: Neural Singing Voice Beautifier Jinglin Liu, Chengxi Li, Yi Ren, Zhiying Zhu, Zhou Zhao Zhejiang University ACL 2022 Mai

Jinglin Liu 257 Dec 30, 2022
Offcial repository for the IEEE ICRA 2021 paper Auto-Tuned Sim-to-Real Transfer.

Offcial repository for the IEEE ICRA 2021 paper Auto-Tuned Sim-to-Real Transfer.

null 47 Jun 30, 2022
(IEEE TIP 2021) Regularized Densely-connected Pyramid Network for Salient Instance Segmentation

RDPNet IEEE TIP 2021: Regularized Densely-connected Pyramid Network for Salient Instance Segmentation PyTorch training and testing code are available.

Yu-Huan Wu 41 Oct 21, 2022