CVPR 2021 Challenge on Super-Resolution Space

Overview

Learning the Super-Resolution Space Challenge
NTIRE 2021 at CVPR

Learning the Super-Resolution Space challenge is held as a part of the 6th edition of NTIRE: New Trends in Image Restoration and Enhancement workshop in conjunction with CVPR 2021. The goal of this challenge is to develop a super-resolution method that can actively sample from the space of plausible super-resolutions.

How to participate?

To participate in this challenge, please sign up using the following link and clone this repo to benchmark your results. Challenge participants can submit their paper to this CVPR 2021 Workshop.

CVPR 2021 Challenge Signup

Tackling the ill-posed nature of Super-Resolution

CVPR 2021 Challenge

Usually, super-resolution (SR) is trained using pairs of high- and low-resolution images. Infinitely many high-resolution images can be downsampled to the same low-resolution image. That means that the problem is ill-posed and cannot be inverted with a deterministic mapping. Instead, one can frame the SR problem as learning a stochastic mapping, capable of sampling from the space of plausible high-resolution images given a low-resolution image. This problem has been addressed in recent works [1, 2, 3]. The one-to-many stochastic formulation of the SR problem allows for a few potential advantages:

  • The development of more robust learning formulations that better accounts for the ill-posed nature of the SR problem.
  • Multiple predictions can be sampled and compared.
  • It opens the potential for controllable exploration and editing in the space of SR predictions.
Super-Resolution with Normalizing Flow Explorable SR Screenshot 2021-01-12 at 16 05 43
[Paper] [Project] [Paper] [Project] [Paper] [Project]
[1] SRFlow: Learning the Super-Resolution Space with Normalizing Flow. Lugmayr et al., ECCV 2020. [2] Explorable Super-Resolution. Bahat & Michaeli, CVPR 2020. [3] DeepSEE: Deep Disentangled Semantic Explorative Extreme Super-Resolution. Bühler et al., ACCV 2020.

CVPR 2021 Challenge on Learning the Super-Resolution Space

We organize this challenge to stimulate research in the emerging area of learning one-to-many SR mappings that are capable of sampling from the space of plausible solutions. Therefore the task is to develop a super-resolution method that:

  1. Each individual SR prediction should achieve highest possible photo-realism, as perceived by humans.
  2. Is capable of sampling an arbitrary number of SR images capturing meaningful diversity, corresponding to the uncertainty induced by the ill-posed nature of the SR problem together with image priors.
  3. Each individual SR prediction should be consistent with the input low-resolution image.

The challenge contains two tracks, targeting 4X and 8X super-resolution respectively. You can download the training and validation data in the table below. At a later stage, the low-resolution of the test set will be released.

  Training Validation
  Low-Resolution High-Resolution Low-Resolution High-Resolution
Track 4X 4X LR Train 4X HR Train 4X LR Valid 4X HR Valid
Track 8X 8X LR Train 8X HR Train 8X LR Valid 8X HR Valid

Challenge Rules

To guide the research towards useful and generalizable techniques, submissions need to adhere to the following rules. All participants must submit code of their solution along with the final results.

  • The method must be able to generate an arbitrary number of diverse samples. That is, your method cannot be limited to a maximum number of different SR samples (corresponding to e.g. a certain number of different output network heads).
  • All SR samples must be generated by a single model. That is, no ensembles are allowed.
  • No self-ensembles during inference (e.g. flipping and rotation).
  • All SR samples must be generated using the same hyper-parameters. That is, the generated SR samples shall not be the result of different choices of hyper-parameters during inference.
  • We accept submissions of deterministic methods. However, they will naturally score zero in the diversity measure and therefore not be able to win the challenge.
  • Other than the validation and test split of the DIV2k dataset, any training data or pre-training is allowed. You are not allowed to use DIV2K validation or test sets (low- and high-resolution images) for training.

Evaluation Protocol

A method is evaluated by first predicting a set of 10 randomly sampled SR images for each low-resolution image in the dataset. From this set of images, evaluation metrics corresponding to the three criteria above will be considered. The participating methods will be ranked according to each metric. These ranks will then be combined into a final score. The three evaluation metrics are described next.

git clone --recursive https://github.com/andreas128/NTIRE21_Learning_SR_Space.git
python3 measure.py OutName path/to/Ground-Truch path/to/Super-Resolution n_samples scale_factor

# n_samples = 10
# scale_factor = 4 for 4X and 8 for 8X

How we measure Photo-realism?

To assess the photo-realism, a human study will be performed on the test set for the final submission.

Automatically assessing the photo-realism and image quality is an extremely difficult task. All existing methods have severe shortcomings. As a very rough guide, you can use the LPIPS distance. Note: LPIPS will not be used to score photo-realism of you final submission. So beware of overfitting to LPIPS, as that can lead to worse results. LPIPS is integrated in our provided toolkit in measure.py.

How we measure the spanning of the SR Space?

The samples of the developed method should provide a meaningful diversity. To measure that, we define the following score. We sample 10 images, densely calculate a metric between the samples and the ground truth. To obtain the local best we pixel-wise select the best score out of the 10 samples and take the full image's average. The global best is obtained by averaging the whole image's score and selecting the best. Finally, we calculate the score using the following formula:

score = (global best - local best)/(global best) * 100

ESRGAN SRFlow
Track 4X 0 25.36
Track 8X 0 10.62

How we measure the Low Resolution Consistency

To measure how much information is preserved in the super-resloved image from the low-resolution image, we measure the LR-PSNR. The goal in this challenge is to obtain a LR-PSNR of 45dB. All approaches that have an average PSNR above this value will be ranked equally in terms of this criteria.

ESRGAN SRFlow
Track 4X 39.01 49.91
Track 8X 31.28 50.0

Important Dates

Date Event
2021.03.01 Final test data release (inputs only)
2021.03.08 test result submission deadline
2021.03.09 fact sheet / code / model submission deadline
2021.03.11 test preliminary score release to the participants
2021.03.28 challenge paper submission deadline
2021.04.13 camera-ready deadline
2021.06.15 workshop day

Submission of Final Test Results

After the final testing phase, participants will be asked to submit:

  • SR predictions on the test set.
  • Code.
  • A fact sheet describing their method.

Details will follow when the test phase starts ...

Issues and questions

In case of any questions about the challenge or the toolkit, feel free to open an issue on Github.

Organizers

CVPR 2021 NTIRE Terms and conditions

The terms and conditions for participating in the challenge are provided here

How to participate?

To participate in this challenge, please sign up using following link and clone this repo to benchmark your results. Challenge participants can submit their paper to this CVPR 2021 Workshop.

CVPR 2021 Challenge Signup

You might also like...
Illuminated3D This project participates in the Nasa Space Apps Challenge 2021.

Illuminated3D This project participates in the Nasa Space Apps Challenge 2021.

[ACM MM 2021] Joint Implicit Image Function for Guided Depth Super-Resolution
[ACM MM 2021] Joint Implicit Image Function for Guided Depth Super-Resolution

Joint Implicit Image Function for Guided Depth Super-Resolution This repository contains the code for: Joint Implicit Image Function for Guided Depth

The official implementation of the Interspeech 2021 paper WSRGlow: A Glow-based Waveform Generative Model for Audio Super-Resolution.

WSRGlow The official implementation of the Interspeech 2021 paper WSRGlow: A Glow-based Waveform Generative Model for Audio Super-Resolution. Audio sa

Edge-oriented Convolution Block for Real-time Super Resolution on Mobile Devices, ACM Multimedia 2021

Codes for ECBSR Edge-oriented Convolution Block for Real-time Super Resolution on Mobile Devices Xindong Zhang, Hui Zeng, Lei Zhang ACM Multimedia 202

Implementation for our ICCV 2021 paper: Dual-Camera Super-Resolution with Aligned Attention Modules
Implementation for our ICCV 2021 paper: Dual-Camera Super-Resolution with Aligned Attention Modules

DCSR: Dual Camera Super-Resolution Implementation for our ICCV 2021 oral paper: Dual-Camera Super-Resolution with Aligned Attention Modules paper | pr

Implementation for our ICCV 2021 paper: Dual-Camera Super-Resolution with Aligned Attention Modules
Implementation for our ICCV 2021 paper: Dual-Camera Super-Resolution with Aligned Attention Modules

DCSR: Dual Camera Super-Resolution Implementation for our ICCV 2021 oral paper: Dual-Camera Super-Resolution with Aligned Attention Modules paper | pr

Code repo for
Code repo for "RBSRICNN: Raw Burst Super-Resolution through Iterative Convolutional Neural Network" (Machine Learning and the Physical Sciences workshop in NeurIPS 2021).

RBSRICNN: Raw Burst Super-Resolution through Iterative Convolutional Neural Network An official PyTorch implementation of the RBSRICNN network as desc

FuseDream: Training-Free Text-to-Image Generationwith Improved CLIP+GAN Space OptimizationFuseDream: Training-Free Text-to-Image Generationwith Improved CLIP+GAN Space Optimization
FuseDream: Training-Free Text-to-Image Generationwith Improved CLIP+GAN Space OptimizationFuseDream: Training-Free Text-to-Image Generationwith Improved CLIP+GAN Space Optimization

FuseDream This repo contains code for our paper (paper link): FuseDream: Training-Free Text-to-Image Generation with Improved CLIP+GAN Space Optimizat

Space robot - (Course Project) Using the space robot to capture the target satellite that is disabled and spinning, then stabilize and fix it up

Space robot - (Course Project) Using the space robot to capture the target satellite that is disabled and spinning, then stabilize and fix it up

Comments
  • The test dataset link in submit google form is training data set link

    The test dataset link in submit google form is training data set link

    The test dataset link in submit google form is traning dataset link. Check the dataset link please Thank you!

    In submit page, Zip file of super-resolved test images of 4X (We use the latest uploaded file only) The results have to be in a zip file containing 100x10=1000 super resolutions with name ''{img_idx:06d}_sample{i:05d}.png'' like used in the measure.py file. e.g. 000000_sample00000.png Input: https://data.vision.ee.ethz.ch/alugmayr/NTIRE2021/DIV2K-tr_4X.zip

    opened by dongheehand 1
  • Some little mistakes in readme.

    Some little mistakes in readme.

    1、“LPIPS is integrated in our provided toolkit:” The link is missing. 2、"We sample 10 images, densly calculate a metric between the samples and the ground trugh." "trugh"should be "truth".

    opened by splinter21 1
Owner
andreas
andreas
PyTorch implementation of Graph Convolutional Networks in Feature Space for Image Deblurring and Super-resolution, IJCNN 2021.

GCResNet PyTorch implementation of Graph Convolutional Networks in Feature Space for Image Deblurring and Super-resolution, IJCNN 2021. The code will

null 11 May 19, 2022
Fast and Context-Aware Framework for Space-Time Video Super-Resolution (VCIP 2021)

Fast and Context-Aware Framework for Space-Time Video Super-Resolution Preparation Dependencies PyTorch 1.2.0 CUDA 10.0 DCNv2 cd model/DCNv2 bash make

Xueheng Zhang 1 Mar 29, 2022
Lowest memory consumption and second shortest runtime in NTIRE 2022 challenge on Efficient Super-Resolution

FMEN Lowest memory consumption and second shortest runtime in NTIRE 2022 on Efficient Super-Resolution. Our paper: Fast and Memory-Efficient Network T

null 33 Dec 1, 2022
Repository for "Exploring Sparsity in Image Super-Resolution for Efficient Inference", CVPR 2021

SMSR Reposity for "Exploring Sparsity in Image Super-Resolution for Efficient Inference" [arXiv] Highlights Locate and skip redundant computation in S

Longguang Wang 225 Dec 26, 2022
[CVPR 2021] Unsupervised Degradation Representation Learning for Blind Super-Resolution

DASR Pytorch implementation of "Unsupervised Degradation Representation Learning for Blind Super-Resolution", CVPR 2021 [arXiv] Overview Requirements

Longguang Wang 318 Dec 24, 2022
git《Investigating Loss Functions for Extreme Super-Resolution》(CVPR 2020) GitHub:

Investigating Loss Functions for Extreme Super-Resolution NTIRE 2020 Perceptual Extreme Super-Resolution Submission. Our method ranked first and secon

Sejong Yang 0 Oct 17, 2022
Implementation of CVPR 2020 Dual Super-Resolution Learning for Semantic Segmentation

Dual super-resolution learning for semantic segmentation 2021-01-02 Subpixel Update Happy new year! The 2020-12-29 update of SISR with subpixel conv p

Sam 79 Nov 24, 2022
Official PyTorch implementation of the paper "Deep Constrained Least Squares for Blind Image Super-Resolution", CVPR 2022.

Deep Constrained Least Squares for Blind Image Super-Resolution [Paper] This is the official implementation of 'Deep Constrained Least Squares for Bli

MEGVII Research 141 Dec 30, 2022
[CVPR 2022] Official PyTorch Implementation for "Reference-based Video Super-Resolution Using Multi-Camera Video Triplets"

Reference-based Video Super-Resolution (RefVSR) Official PyTorch Implementation of the CVPR 2022 Paper Project | arXiv | RealMCVSR Dataset This repo c

Junyong Lee 151 Dec 30, 2022
Official implementation of the paper 'Details or Artifacts: A Locally Discriminative Learning Approach to Realistic Image Super-Resolution' in CVPR 2022

LDL Paper | Supplementary Material Details or Artifacts: A Locally Discriminative Learning Approach to Realistic Image Super-Resolution Jie Liang*, Hu

null 150 Dec 26, 2022