0


【论文合集】Awesome Low Level Vision

Low-level和High-level任务

Low-level任务:常见的包括 Super-Resolution,denoise, deblur, dehze, low-light enhancement, deartifacts等。简单来说,是把特定降质下的图片还原成好看的图像,现在基本上用end-to-end的模型来学习这类 ill-posed问题的求解过程,客观指标主要是PSNR,SSIM,大家指标都刷的很高。目前面临以下几点问题:

  • 泛化性差,换个数据集,同种任务变现就很差。
  • 客观指标与主观感受存在,GAP。
  • 落地的问题,SOTA模型运算量很(上百G Flops),但实际不可能这么用。
  • 偏向于解决实际问题,主要是为人服务,如手机里的各类夜景模式、美化等,都会用到相关算法。
  • 市面上公司做 low-level 比较多的是手机厂商(华米OV)、安防(海康大华),相机(大疆,ISP厂商)、无人机(大疆)、视频网站(B站,快手等)。一般涉及到图像、视频增强的场景都是low-level试用的问题。

High-level任务:分类,检测,分割等。一般公开训练数据都是高品质的图像,当送入降质图像时,性能会有下降,即使网络已经经过大量的数据增强(形状,亮度,色度等变换)。真实应用场景是不可能像训练集那样完美的,采集图像的过程中会面临各种降质问题,需要两者来结合。简单来说,结合的方式分为以下几种

  • 直接在降质图像上fine-tuning
  • 先经过low-level的增强网络,再送入High-level的模型,两者分开训练
  • 将增强网络和高层模型(如分类)联合训练

CVPR2023-Low-Level-Vision

Image Restoration - 图像恢复

Efficient and Explicit Modelling of Image Hierarchies for Image Restoration

Learning Distortion Invariant Representation for Image Restoration from A Causality Perspective

Generative Diffusion Prior for Unified Image Restoration and Enhancement

Contrastive Semi-supervised Learning for Underwater Image Restoration via Reliable Bank

Nighttime Smartphone Reflective Flare Removal Using Optical Center Symmetry Prior

Image Reconstruction

Raw Image Reconstruction with Learned Compact Metadata

High-resolution image reconstruction with latent diffusion models from human brain activity

  • Paper: High-resolution image reconstruction with latent diffusion models from human brain activity | bioRxiv
  • Code: GitHub - yu-takagi/StableDiffusionReconstruction: Takagi and Nishimoto, CVPR 2023

DR2: Diffusion-based Robust Degradation Remover for Blind Face Restoration

Burst Restoration

Burstormer: Burst Image Restoration and Enhancement Transformer

Video Restoration

Blind Video Deflickering by Neural Filtering with a Flawed Atlas

  • Paper: https://arxiv.org/abs/2303.08120
  • Code: GitHub - ChenyangLEI/All-In-One-Deflicker: [CVPR2023] Blind Video Deflickering by Neural Filtering with a Flawed Atlas
  • Tags: Deflickering

Super Resolution - 超分辨率

Image Super Resolution

Activating More Pixels in Image Super-Resolution Transformer

N-Gram in Swin Transformers for Efficient Lightweight Image Super-Resolution

Omni Aggregation Networks for Lightweight Image Super-Resolution

  • Paper:
  • Code: GitHub - Francis0625/Omni-SR: [CVPR2023] Implementation of ''Omni Aggregation Networks for Lightweight Image Super-Resolution".

OPE-SR: Orthogonal Position Encoding for Designing a Parameter-free Upsampling Module in Arbitrary-scale Image Super-Resolution

Local Implicit Normalizing Flow for Arbitrary-Scale Image Super-Resolution

Super-Resolution Neural Operator

Human Guided Ground-truth Generation for Realistic Image Super-resolution

Implicit Diffusion Models for Continuous Super-Resolution

Zero-Shot Dual-Lens Super-Resolution

Learning Generative Structure Prior for Blind Text Image Super-resolution

Guided Depth Super-Resolution by Deep Anisotropic Diffusion

  • Paper: https://arxiv.org/abs/2211.11592
  • Code: GitHub - prs-eth/Diffusion-Super-Resolution: [CVPR 2023] Guided Depth Super-Resolution by Deep Anisotropic Diffusion
  • Tags: Guided Depth SR

Video Super Resolution

Towards High-Quality and Efficient Video Super-Resolution via Spatial-Temporal Data Overfitting

Structured Sparsity Learning for Efficient Video Super-Resolution

Image Rescaling - 图像缩放

HyperThumbnail: Real-time 6K Image Rescaling with Rate-distortion Optimization

  • Paper: https://arxiv.org/abs/2304.01064
  • Code: GitHub - AbnerVictor/HyperThumbnail: [CVPR 2023] HyperThumbnail: Real-time 6K Image Rescaling with Rate-distortion Optimization. Official implementation.

Denoising - 去噪

Image Denoising

Masked Image Training for Generalizable Deep Image Denoising

Spatially Adaptive Self-Supervised Learning for Real-World Image Denoising

LG-BPN: Local and Global Blind-Patch Network for Self-Supervised Real-World Denoising

Real-time Controllable Denoising for Image and Video

Deblurring - 去模糊

Image Deblurring

Structured Kernel Estimation for Photon-Limited Deconvolution

Blur Interpolation Transformer for Real-World Motion from Blur

Neumann Network with Recursive Kernels for Single Image Defocus Deblurring

Efficient Frequency Domain-based Transformers for High-Quality Image Deblurring

Deraining - 去雨

Learning A Sparse Transformer Network for Effective Image Deraining

Dehazing - 去雾

RIDCP: Revitalizing Real Image Dehazing via High-Quality Codebook Priors

  • Paper:
  • Code: GitHub - RQ-Wu/RIDCP_dehazing: [CVPR 2023] | RIDCP: Revitalizing Real Image Dehazing via High-Quality Codebook Priors

Curricular Contrastive Regularization for Physics-aware Single Image Dehazing

  • Paper: https://arxiv.org/abs/2303.14218
  • Code: GitHub - YuZheng9/C2PNet: [CVPR 2023] Curricular Contrastive Regularization for Physics-aware Single Image Dehazing

Video Dehazing via a Multi-Range Temporal Alignment Network with Physical Prior

HDR Imaging / Multi-Exposure Image Fusion - HDR图像生成 / 多曝光图像融合

Learning a Practical SDR-to-HDRTV Up-conversion using New Dataset and Degradation Models

Frame Interpolation - 插帧

Extracting Motion and Appearance via Inter-Frame Attention for Efficient Video Frame Interpolation

  • Paper: https://arxiv.org/abs/2303.00440
  • Code: GitHub - MCG-NJU/EMA-VFI: [CVPR 2023] Extracting Motion and Appearance via Inter-Frame Attention for Efficient Video Frame Interpolatio

A Unified Pyramid Recurrent Network for Video Frame Interpolation

  • Paper: https://arxiv.org/abs/2211.03456
  • Code: GitHub - srcn-ivl/UPR-Net: Official implementation of our CVPR2023 paper "A Unified Pyramid Recurrent Network for Video Frame Interpolation"

BiFormer: Learning Bilateral Motion Estimation via Bilateral Transformer for 4K Video Frame Interpolation

  • Paper: https://arxiv.org/abs/2304.02225
  • Code: GitHub - JunHeum/BiFormer: BiFormer: Learning Bilateral Motion Estimation via Bilateral Transformer for 4K Video Frame Interpolation, CVPR2023

Event-based Video Frame Interpolation with Cross-Modal Asymmetric Bidirectional Motion Fields

  • Paper:
  • Code: GitHub - intelpro/CBMNet: Official repository of "Event-based Video Frame Interpolation with Cross-Modal Asymmetric Bidirectional Motion Fields", CVPR 2023 paper
  • Tags: Event-based

Event-based Blurry Frame Interpolation under Blind Exposure

  • Paper:
  • Code: GitHub - WarranWeng/EBFI-BE: Event-based Blurry Frame Interpolation under Blind Exposure, CVPR2023
  • Tags: Event-based

Joint Video Multi-Frame Interpolation and Deblurring under Unknown Exposure Time

  • Paper: https://arxiv.org/abs/2303.15043
  • Code: GitHub - shangwei5/VIDUE: Joint Video Multi-Frame Interpolation and Deblurring under Unknown Exposure Time (CVPR2023)
  • Tags: Frame Interpolation and Deblurring

Image Enhancement - 图像增强

Low-Light Image Enhancement

Learning Semantic-Aware Knowledge Guidance for Low-Light Image Enhancement

Visibility Constrained Wide-band Illumination Spectrum Design for Seeing-in-the-Dark

Image Matting - 图像抠图

Referring Image Matting

Shadow Removal - 阴影消除

ShadowDiffusion: When Degradation Prior Meets Diffusion Model for Shadow Removal

Image Compression - 图像压缩

Backdoor Attacks Against Deep Image Compression via Adaptive Frequency Trigger

Context-based Trit-Plane Coding for Progressive Image Compression

Learned Image Compression with Mixed Transformer-CNN Architectures

Video Compression

Neural Video Compression with Diverse Contexts

Image Quality Assessment - 图像质量评价

Quality-aware Pre-trained Models for Blind Image Quality Assessment

Blind Image Quality Assessment via Vision-Language Correspondence: A Multitask Learning Perspective

Towards Artistic Image Aesthetics Assessment: a Large-scale Dataset and a New Method

Re-IQA: Unsupervised Learning for Image Quality Assessment in the Wild

Style Transfer - 风格迁移

Fix the Noise: Disentangling Source Feature for Controllable Domain Translation

Neural Preset for Color Style Transfer

CAP-VSTNet: Content Affinity Preserved Versatile Style Transfer

StyleGAN Salon: Multi-View Latent Optimization for Pose-Invariant Hairstyle Transfer

Image Editing - 图像编辑

Imagic: Text-Based Real Image Editing with Diffusion Models

SINE: SINgle Image Editing with Text-to-Image Diffusion Models

CoralStyleCLIP: Co-optimized Region and Layer Selection for Image Editing

DeltaEdit: Exploring Text-free Training for Text-Driven Image Manipulation

SIEDOB: Semantic Image Editing by Disentangling Object and Background

Image Generation/Synthesis / Image-to-Image Translation - 图像生成/合成/转换

Text-to-Image / Text Guided / Multi-Modal

Multi-Concept Customization of Text-to-Image Diffusion

  • Paper: https://arxiv.org/abs/2212.04488
  • Code: GitHub - adobe-research/custom-diffusion: Custom Diffusion: Multi-Concept Customization of Text-to-Image Diffusion (CVPR 2023)

GALIP: Generative Adversarial CLIPs for Text-to-Image Synthesis

Scaling up GANs for Text-to-Image Synthesis

MAGVLT: Masked Generative Vision-and-Language Transformer

Freestyle Layout-to-Image Synthesis

Variational Distribution Learning for Unsupervised Text-to-Image Generation

Sound to Visual Scene Generation by Audio-to-Visual Latent Alignment

Toward Verifiable and Reproducible Human Evaluation for Text-to-Image Generation

Image-to-Image / Image Guided

LANIT: Language-Driven Image-to-Image Translation for Unlabeled Data

  • Paper: https://arxiv.org/abs/2208.14889
  • Code: GitHub - KU-CVLAB/LANIT: Official repository for LANIT: Language-Driven Image-to-Image Translation for Unlabeled Data (CVPR 2023)

Person Image Synthesis via Denoising Diffusion Model

Picture that Sketch: Photorealistic Image Generation from Abstract Sketches

Fine-Grained Face Swapping via Regional GAN Inversion

Masked and Adaptive Transformer for Exemplar Based Image Translation

  • Paper: https://arxiv.org/abs/2303.17123
  • Code: GitHub - AiArt-HDU/MATEBIT: Source code of "Masked and Adaptive Transformer for Exemplar Based Image Translation", accepted by CVPR 2023.

Zero-shot Generative Model Adaptation via Image-specific Prompt Learning

  • Paper: https://arxiv.org/abs/2304.03119
  • Code: GitHub - Picsart-AI-Research/IPL-Zero-Shot-Generative-Model-Adaptation: [CVPR 2023] Zero-shot Generative Model Adaptation via Image-specific Prompt Learning

Others for image generation

AdaptiveMix: Robust Feature Representation via Shrinking Feature Space

  • Paper: https://arxiv.org/abs/2303.01559
  • Code: GitHub - WentianZhang-ML/AdaptiveMix: This is an official pytorch implementation of 'AdaptiveMix: Robust Feature Representation via Shrinking Feature Space' (accepted by CVPR2023).

MAGE: MAsked Generative Encoder to Unify Representation Learning and Image Synthesis

  • Paper: https://arxiv.org/abs/2211.09117
  • Code: GitHub - LTH14/mage: A PyTorch implementation of MAGE: MAsked Generative Encoder to Unify Representation Learning and Image Synthesis

Regularized Vector Quantization for Tokenized Image Synthesis

Towards Accurate Image Coding: Improved Autoregressive Image Generation with Dynamic Vector Quantization

Not All Image Regions Matter: Masked Vector Quantization for Autoregressive Image Generation

Exploring Incompatible Knowledge Transfer in Few-shot Image Generation

  • Paper:
  • Code: GitHub - yunqing-me/RICK: The IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR) 2023

Post-training Quantization on Diffusion Models

LayoutDiffusion: Controllable Diffusion Model for Layout-to-image Generation

DiffCollage: Parallel Generation of Large Content with Diffusion Models

Few-shot Semantic Image Synthesis with Class Affinity Transfer

Video Generation

Conditional Image-to-Video Generation with Latent Flow Diffusion Models

  • Paper: https://arxiv.org/abs/2303.13744
  • Code: GitHub - nihaomiao/CVPR23_LFDM: The pytorch implementation of our CVPR 2023 paper "Conditional Image-to-Video Generation with Latent Flow Diffusion Models"

Video Probabilistic Diffusion Models in Projected Latent Space

DPE: Disentanglement of Pose and Expression for General Video Portrait Editing

Decomposed Diffusion Models for High-Quality Video Generation

Diffusion Video Autoencoders: Toward Temporally Consistent Face Video Editing via Disentangled Video Encoding

  • Paper: https://arxiv.org/abs/2212.02802
  • Code: GitHub - man805/Diffusion-Video-Autoencoders: An official implementation of "Diffusion Video Autoencoders: Toward Temporally Consistent Face Video Editing via Disentangled Video Encoding" (CVPR 2023) in PyTorch.

MoStGAN: Video Generation with Temporal Motion Styles

Others

DC2: Dual-Camera Defocus Control by Learning to Refocus

Images Speak in Images: A Generalist Painter for In-Context Visual Learning

Unifying Layout Generation with a Decoupled Diffusion Model

Unsupervised Domain Adaption with Pixel-level Discriminator for Image-aware Layout Generation

PosterLayout: A New Benchmark and Approach for Content-aware Visual-Textual Presentation Layout

LayoutDM: Discrete Diffusion Model for Controllable Layout Generation

Make-A-Story: Visual Memory Conditioned Consistent Story Generation

Cross-GAN Auditing: Unsupervised Identification of Attribute Level Similarities and Differences between Pretrained Generative Models

LightPainter: Interactive Portrait Relighting with Freehand Scribble

Neural Texture Synthesis with Guided Correspondence

CF-Font: Content Fusion for Few-shot Font Generation

DeepVecFont-v2: Exploiting Transformers to Synthesize Vector Fonts with Higher Quality

  • Paper: https://arxiv.org/abs/2303.14585
  • Code: GitHub - yizhiwang96/deepvecfont-v2: [CVPR 2023] DeepVecFont-v2: Exploiting Transformers to Synthesize Vector Fonts with Higher Quality

Handwritten Text Generation from Visual Archetypes

Disentangling Writer and Character Styles for Handwriting Generation

  • Paper: https://arxiv.org/abs/2303.14736
  • Code: GitHub - dailenson/SDT: This repository is the official implementation of Disentangling Writer and Character Styles for Handwriting Generation (CVPR23).
  • Tags: Handwriting Generation

Seeing What You Said: Talking Face Generation Guided by a Lip Reading Expert

Uncurated Image-Text Datasets: Shedding Light on Demographic Bias

CVPR2022-Low-Level-Vision

Image Restoration - 图像恢复

Restormer: Efficient Transformer for High-Resolution Image Restoration

Uformer: A General U-Shaped Transformer for Image Restoration

MAXIM: Multi-Axis MLP for Image Processing

All-In-One Image Restoration for Unknown Corruption

Fourier Document Restoration for Robust Document Dewarping and Recognition

Exploring and Evaluating Image Restoration Potential in Dynamic Scenes

ISNAS-DIP: Image-Specific Neural Architecture Search for Deep Image Prior

Deep Generalized Unfolding Networks for Image Restoration

Attentive Fine-Grained Structured Sparsity for Image Restoration

Self-Supervised Deep Image Restoration via Adaptive Stochastic Gradient Langevin Dynamics

  • Paper: CVPR 2022 Open Access Repository
  • Tags: Self-Supervised

KNN Local Attention for Image Restoration

GIQE: Generic Image Quality Enhancement via Nth Order Iterative Degradation

  • Paper: CVPR 2022 Open Access Repository

TransWeather: Transformer-based Restoration of Images Degraded by Adverse Weather Conditions

Learning Multiple Adverse Weather Removal via Two-stage Knowledge Learning and Multi-contrastive Regularization: Toward a Unified Model

Rethinking Deep Face Restoration

  • Paper: CVPR 2022 Open Access Repository
  • Tags: Face

RestoreFormer: High-Quality Blind Face Restoration From Undegraded Key-Value Pairs

Blind Face Restoration via Integrating Face Shape and Generative Priors

  • Paper: CVPR 2022 Open Access Repository
  • Tags: Face

End-to-End Rubbing Restoration Using Generative Adversarial Networks

GenISP: Neural ISP for Low-Light Machine Cognition

Burst Restoration

A Differentiable Two-stage Alignment Scheme for Burst Image Reconstruction with Large Shift

  • Paper: https://arxiv.org/abs/2203.09294
  • Code: GitHub - GuoShi28/2StageAlign: The official codes of our CVPR2022 paper: A Differentiable Two-stage Alignment Scheme for Burst Image Reconstruction with Large Shift
  • Tags: joint denoising and demosaicking

Burst Image Restoration and Enhancement

Video Restoration

Revisiting Temporal Alignment for Video Restoration

Neural Compression-Based Feature Learning for Video Restoration

Bringing Old Films Back to Life

Neural Global Shutter: Learn to Restore Video from a Rolling Shutter Camera with Global Reset Feature

Context-Aware Video Reconstruction for Rolling Shutter Cameras

E2V-SDE: From Asynchronous Events to Fast and Continuous Video Reconstruction via Neural Stochastic Differential Equations

Hyperspectral Image Reconstruction

Mask-guided Spectral-wise Transformer for Efficient Hyperspectral Image Reconstruction

HDNet: High-resolution Dual-domain Learning for Spectral Compressive Imaging

Super Resolution - 超分辨率

Image Super Resolution

Reflash Dropout in Image Super-Resolution

Residual Local Feature Network for Efficient Super-Resolution

Learning the Degradation Distribution for Blind Image Super-Resolution

Deep Constrained Least Squares for Blind Image Super-Resolution

  • Paper: https://arxiv.org/abs/2202.07508
  • Code: GitHub - Algolzw/DCLS: "Deep Constrained Least Squares for Blind Image Super-Resolution", CVPR 2022.
  • Tags: Blind SR

Blind Image Super-resolution with Elaborate Degradation Modeling on Noise and Kernel

Details or Artifacts: A Locally Discriminative Learning Approach to Realistic Image Super-Resolution

Dual Adversarial Adaptation for Cross-Device Real-World Image Super-Resolution

LAR-SR: A Local Autoregressive Model for Image Super-Resolution

  • Paper: CVPR 2022 Open Access Repository

Texture-Based Error Analysis for Image Super-Resolution

  • Paper: CVPR 2022 Open Access Repository

Learning to Zoom Inside Camera Imaging Pipeline

  • Paper: CVPR 2022 Open Access Repository
  • Tags: Raw-to-Raw domain

Task Decoupled Framework for Reference-Based Super-Resolution

  • Paper: CVPR 2022 Open Access Repository
  • Tags: Reference-Based

GCFSR: a Generative and Controllable Face Super Resolution Method Without Facial and GAN Priors

A Text Attention Network for Spatial Deformation Robust Scene Text Image Super-resolution

Learning Graph Regularisation for Guided Super-Resolution

Transformer-empowered Multi-scale Contextual Matching and Aggregation for Multi-contrast MRI Super-resolution

Discrete Cosine Transform Network for Guided Depth Map Super-Resolution

SphereSR: 360deg Image Super-Resolution With Arbitrary Projection via Continuous Spherical Image Representation

  • Paper: CVPR 2022 Open Access Repository

IMDeception: Grouped Information Distilling Super-Resolution Network

A Closer Look at Blind Super-Resolution: Degradation Models, Baselines, and Performance Upper Bounds

Burst/Multi-frame Super Resolution

Self-Supervised Super-Resolution for Multi-Exposure Push-Frame Satellites

  • Paper: https://arxiv.org/abs/2205.02031
  • Code: GitHub - centreborelli/HDR-DSP-SR: Self-Supervised Super-Resolution for Multi-Exposure Push-Frame Satellites
  • Tags: Self-Supervised, multi-exposure

Video Super Resolution

BasicVSR++: Improving Video Super-Resolution with Enhanced Propagation and Alignment

  • Paper: https://arxiv.org/abs/2104.13371
  • Code: GitHub - ckkelvinchan/BasicVSR_PlusPlus: Official repository of "BasicVSR++: Improving Video Super-Resolution with Enhanced Propagation and Alignment"

Learning Trajectory-Aware Transformer for Video Super-Resolution

  • Paper: https://arxiv.org/abs/2204.04216
  • Code: GitHub - researchmm/TTVSR: [CVPR'22 Oral] TTVSR: Learning Trajectory-Aware Transformer for Video Super-Resolution
  • Tags: Transformer

Look Back and Forth: Video Super-Resolution with Explicit Temporal Difference Modeling

Investigating Tradeoffs in Real-World Video Super-Resolution

Memory-Augmented Non-Local Attention for Video Super-Resolution

  • Paper: CVPR 2022 Open Access Repository

Stable Long-Term Recurrent Video Super-Resolution

  • Paper: CVPR 2022 Open Access Repository

Reference-based Video Super-Resolution Using Multi-Camera Video Triplets

A New Dataset and Transformer for Stereoscopic Video Super-Resolution

Image Rescaling - 图像缩放

Towards Bidirectional Arbitrary Image Rescaling: Joint Optimization and Cycle Idempotence

Faithful Extreme Rescaling via Generative Prior Reciprocated Invertible Representations

Denoising - 去噪

Image Denoising

Self-Supervised Image Denoising via Iterative Data Refinement

Blind2Unblind: Self-Supervised Image Denoising with Visible Blind Spots

AP-BSN: Self-Supervised Denoising for Real-World Images via Asymmetric PD and Blind-Spot Network

CVF-SID: Cyclic multi-Variate Function for Self-Supervised Image Denoising by Disentangling Noise from Image

Noise Distribution Adaptive Self-Supervised Image Denoising Using Tweedie Distribution and Score Matching

  • Paper: CVPR 2022 Open Access Repository
  • Tags: Self-Supervised

Noise2NoiseFlow: Realistic Camera Noise Modeling without Clean Images

Modeling sRGB Camera Noise with Normalizing Flows

Estimating Fine-Grained Noise Model via Contrastive Learning

  • Paper: CVPR 2022 Open Access Repository
  • Tags: Noise Modeling, Constrastive Learning

Multiple Degradation and Reconstruction Network for Single Image Denoising via Knowledge Distillation

BurstDenoising

NAN: Noise-Aware NeRFs for Burst-Denoising

Video Denoising

Dancing under the stars: video denoising in starlight

Deblurring - 去模糊

Image Deblurring

Learning to Deblur using Light Field Generated and Real Defocus Images

Pixel Screening Based Intermediate Correction for Blind Deblurring

  • Paper: CVPR 2022 Open Access Repository
  • Tags: Blind

Deblurring via Stochastic Refinement

  • Paper: CVPR 2022 Open Access Repository

XYDeblur: Divide and Conquer for Single Image Deblurring

  • Paper: CVPR 2022 Open Access Repository

Unifying Motion Deblurring and Frame Interpolation with Events

E-CIR: Event-Enhanced Continuous Intensity Recovery

Video Deblurring

Multi-Scale Memory-Based Video Deblurring

Deraining - 去雨

Towards Robust Rain Removal Against Adversarial Attacks: A Comprehensive Benchmark Analysis and Beyond

Unpaired Deep Image Deraining Using Dual Contrastive Learning

Unsupervised Deraining: Where Contrastive Learning Meets Self-similarity

Dreaming To Prune Image Deraining Networks

  • Paper: CVPR 2022 Open Access Repository

Dehazing - 去雾

Self-augmented Unpaired Image Dehazing via Density and Depth Decomposition

Towards Multi-Domain Single Image Dehazing via Test-Time Training

  • Paper: CVPR 2022 Open Access Repository

Image Dehazing Transformer With Transmission-Aware 3D Position Embedding

  • Paper: CVPR 2022 Open Access Repository

Physically Disentangled Intra- and Inter-Domain Adaptation for Varicolored Haze Removal

  • Paper: CVPR 2022 Open Access Repository

Demoireing - 去摩尔纹

Video Demoireing with Relation-Based Temporal Consistency

Frame Interpolation - 插帧

ST-MFNet: A Spatio-Temporal Multi-Flow Network for Frame Interpolation

Long-term Video Frame Interpolation via Feature Propagation

Many-to-many Splatting for Efficient Video Frame Interpolation

Video Frame Interpolation with Transformer

Video Frame Interpolation Transformer

IFRNet: Intermediate Feature Refine Network for Efficient Frame Interpolation

  • Paper: https://arxiv.org/abs/2205.14620
  • Code: GitHub - ltkong218/IFRNet: IFRNet: Intermediate Feature Refine Network for Efficient Frame Interpolation (CVPR 2022)

TimeReplayer: Unlocking the Potential of Event Cameras for Video Interpolation

Time Lens++: Event-based Frame Interpolation with Parametric Non-linear Flow and Multi-scale Fusion

Unifying Motion Deblurring and Frame Interpolation with Events

Multi-encoder Network for Parameter Reduction of a Kernel-based Interpolation Architecture

Spatial-Temporal Video Super-Resolution

RSTT: Real-time Spatial Temporal Transformer for Space-Time Video Super-Resolution

Spatial-Temporal Space Hand-in-Hand: Spatial-Temporal Video Super-Resolution via Cycle-Projected Mutual Learning

VideoINR: Learning Video Implicit Neural Representation for Continuous Space-Time Super-Resolution

Image Enhancement - 图像增强

AdaInt: Learning Adaptive Intervals for 3D Lookup Tables on Real-time Image Enhancement

Exposure Correction Model to Enhance Image Quality

Low-Light Image Enhancement

Abandoning the Bayer-Filter to See in the Dark

Toward Fast, Flexible, and Robust Low-Light Image Enhancement

  • Paper: https://arxiv.org/abs/2204.10137
  • Code: GitHub - vis-opt-group/SCI: [CVPR 2022] This is the official code for the paper "Toward Fast, Flexible, and Robust Low-Light Image Enhancement".

Deep Color Consistent Network for Low-Light Image Enhancement

  • Paper: CVPR 2022 Open Access Repository

SNR-Aware Low-Light Image Enhancement

URetinex-Net: Retinex-Based Deep Unfolding Network for Low-Light Image Enhancement

  • Paper: CVPR 2022 Open Access Repository

Image Harmonization - 图像协调

High-Resolution Image Harmonization via Collaborative Dual Transformationsg

  • Paper: https://arxiv.org/abs/2109.06671
  • Code: GitHub - bcmi/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.

SCS-Co: Self-Consistent Style Contrastive Learning for Image Harmonization

  • Paper: https://arxiv.org/abs/2204.13962
  • Code: GitHub - YCHang686/SCS-Co-CVPR2022: SCS-Co: Self-Consistent Style Contrastive Learning for Image Harmonization (CVPR 2022)

Deep Image-based Illumination Harmonization

Image Completion/Inpainting - 图像修复

Bridging Global Context Interactions for High-Fidelity Image Completion

Incremental Transformer Structure Enhanced Image Inpainting with Masking Positional Encoding

  • Paper: https://arxiv.org/abs/2203.00867
  • Code: GitHub - DQiaole/ZITS_inpainting: Incremental Transformer Structure Enhanced Image Inpainting with Masking Positional Encoding (CVPR2022)

MISF: Multi-level Interactive Siamese Filtering for High-Fidelity Image Inpainting

MAT: Mask-Aware Transformer for Large Hole Image Inpainting

Reduce Information Loss in Transformers for Pluralistic Image Inpainting

  • Paper: https://arxiv.org/abs/2205.05076
  • Code: GitHub - liuqk3/PUT: Paper 'Reduce Information Loss in Transformers for Pluralistic Image Inpainting' in CVPR2022

RePaint: Inpainting using Denoising Diffusion Probabilistic Models

  • Paper: https://arxiv.org/abs/2201.09865
  • Code: GitHub - andreas128/RePaint: Official PyTorch Code and Models of "RePaint: Inpainting using Denoising Diffusion Probabilistic Models", CVPR 2022
  • Tags: DDPM

Dual-Path Image Inpainting With Auxiliary GAN Inversion

  • Paper: CVPR 2022 Open Access Repository

SaiNet: Stereo aware inpainting behind objects with generative networks

Video Inpainting

Towards An End-to-End Framework for Flow-Guided Video Inpainting

The DEVIL Is in the Details: A Diagnostic Evaluation Benchmark for Video Inpainting

  • Paper: CVPR 2022 Open Access Repository
  • Code: GitHub - MichiganCOG/devil

DLFormer: Discrete Latent Transformer for Video Inpainting

  • Paper: CVPR 2022 Open Access Repository

Inertia-Guided Flow Completion and Style Fusion for Video Inpainting

Image Matting - 图像抠图

MatteFormer: Transformer-Based Image Matting via Prior-Tokens

Human Instance Matting via Mutual Guidance and Multi-Instance Refinement

  • Paper: https://arxiv.org/abs/2205.10767
  • Code: GitHub - nowsyn/InstMatt: Official repository for Instance Human Matting via Mutual Guidance and Multi-Instance Refinement

Boosting Robustness of Image Matting with Context Assembling and Strong Data Augmentation

Shadow Removal - 阴影消除

Bijective Mapping Network for Shadow Removal

  • Paper: CVPR 2022 Open Access Repository

Relighting

Face Relighting with Geometrically Consistent Shadows

  • Paper: https://arxiv.org/abs/2203.16681
  • Code: GitHub - andrewhou1/GeomConsistentFR: Official Code for Face Relighting with Geometrically Consistent Shadows (CVPR 2022)
  • Tags: Face Relighting

SIMBAR: Single Image-Based Scene Relighting For Effective Data Augmentation For Automated Driving Vision Tasks

Image Stitching - 图像拼接

Deep Rectangling for Image Stitching: A Learning Baseline

Automatic Color Image Stitching Using Quaternion Rank-1 Alignment

  • Paper: CVPR 2022 Open Access Repository

Geometric Structure Preserving Warp for Natural Image Stitching

  • Paper: CVPR 2022 Open Access Repository

Image Compression - 图像压缩

Neural Data-Dependent Transform for Learned Image Compression

The Devil Is in the Details: Window-based Attention for Image Compression

ELIC: Efficient Learned Image Compression with Unevenly Grouped Space-Channel Contextual Adaptive Coding

Unified Multivariate Gaussian Mixture for Efficient Neural Image Compression

  • Paper: https://arxiv.org/abs/2203.10897
  • Code: GitHub - xiaosu-zhu/McQuic: Repository of CVPR'22 paper "Unified Multivariate Gaussian Mixture for Efficient Neural Image Compression"

DPICT: Deep Progressive Image Compression Using Trit-Planes

Joint Global and Local Hierarchical Priors for Learned Image Compression

  • Paper: CVPR 2022 Open Access Repository

LC-FDNet: Learned Lossless Image Compression With Frequency Decomposition Network

  • Paper: CVPR 2022 Open Access Repository

Practical Learned Lossless JPEG Recompression with Multi-Level Cross-Channel Entropy Model in the DCT Domain

SASIC: Stereo Image Compression With Latent Shifts and Stereo Attention

  • Paper: CVPR 2022 Open Access Repository
  • Tags: Stereo Image Compression

Deep Stereo Image Compression via Bi-Directional Coding

  • Paper: CVPR 2022 Open Access Repository
  • Tags: Stereo Image Compression

Learning Based Multi-Modality Image and Video Compression

  • Paper: CVPR 2022 Open Access Repository

PO-ELIC: Perception-Oriented Efficient Learned Image Coding

Video Compression

Coarse-to-fine Deep Video Coding with Hyperprior-guided Mode Prediction

LSVC: A Learning-Based Stereo Video Compression Framework

  • Paper: CVPR 2022 Open Access Repository
  • Tags: Stereo Video Compression

Enhancing VVC with Deep Learning based Multi-Frame Post-Processing

Image Quality Assessment - 图像质量评价

Personalized Image Aesthetics Assessment with Rich Attributes

Incorporating Semi-Supervised and Positive-Unlabeled Learning for Boosting Full Reference Image Quality Assessment

SwinIQA: Learned Swin Distance for Compressed Image Quality Assessment

Image Decomposition

PIE-Net: Photometric Invariant Edge Guided Network for Intrinsic Image Decomposition

  • Paper: CVPR 2022 Open Access Repository
  • Code: GitHub - Morpheus3000/PIE-Net: Official model and network release for my CVPR2022 paper.

Deformable Sprites for Unsupervised Video Decomposition

Style Transfer - 风格迁移

CLIPstyler: Image Style Transfer with a Single Text Condition

  • Paper: https://arxiv.org/abs/2112.00374
  • Code: GitHub - cyclomon/CLIPstyler: Official Pytorch implementation of "CLIPstyler:Image Style Transfer with a Single Text Condition" (CVPR 2022)
  • Tags: CLIP

Style-ERD: Responsive and Coherent Online Motion Style Transfer

  • Paper: https://arxiv.org/abs/2203.02574
  • Code: GitHub - tianxintao/Online-Motion-Style-Transfer: Code for the CVPR 2022 Paper - Style-ERD: Responsive and Coherent Online Motion Style Transfer

Exact Feature Distribution Matching for Arbitrary Style Transfer and Domain Generalization

  • Paper: https://arxiv.org/abs/2203.07740
  • Code: GitHub - YBZh/EFDM: Official PyTorch codes of CVPR2022 Oral: Exact Feature Distribution Matching for Arbitrary Style Transfer and Domain Generalization

Pastiche Master: Exemplar-Based High-Resolution Portrait Style Transfer

Industrial Style Transfer with Large-scale Geometric Warping and Content Preservation

StyTr2: Image Style Transfer With Transformers

  • Paper: CVPR 2022 Open Access Repository

PCA-Based Knowledge Distillation Towards Lightweight and Content-Style Balanced Photorealistic Style Transfer Models

  • Paper: https://arxiv.org/abs/2203.13452
  • Code: GitHub - chiutaiyin/PCA-Knowledge-Distillation: PCA-based knowledge distillation towards lightweight and content-style balanced photorealistic style transfer models

Image Editing - 图像编辑

High-Fidelity GAN Inversion for Image Attribute Editing

Style Transformer for Image Inversion and Editing

HairCLIP: Design Your Hair by Text and Reference Image

HyperStyle: StyleGAN Inversion with HyperNetworks for Real Image Editing

Blended Diffusion for Text-driven Editing of Natural Images

  • Paper: https://arxiv.org/abs/2111.14818
  • Code: GitHub - omriav/blended-diffusion: Official implementation for "Blended Diffusion for Text-driven Editing of Natural Images" [CVPR 2022]
  • Tags: CLIP, Diffusion Model

FlexIT: Towards Flexible Semantic Image Translation

SemanticStyleGAN: Learning Compositonal Generative Priors for Controllable Image Synthesis and Editing

SketchEdit: Mask-Free Local Image Manipulation with Partial Sketches

TransEditor: Transformer-Based Dual-Space GAN for Highly Controllable Facial Editing

  • Paper: https://arxiv.org/abs/2203.17266
  • Code: GitHub - BillyXYB/TransEditor: [CVPR 2022] TransEditor: Transformer-Based Dual-Space GAN for Highly Controllable Facial Editing

HyperInverter: Improving StyleGAN Inversion via Hypernetwork

Spatially-Adaptive Multilayer Selection for GAN Inversion and Editing

  • Paper: https://arxiv.org/abs/2206.08357
  • Code: GitHub - adobe-research/sam_inversion: [CVPR 2022] GAN inversion and editing with spatially-adaptive multiple latent layers

Brain-Supervised Image Editing

  • Paper: CVPR 2022 Open Access Repository

SpaceEdit: Learning a Unified Editing Space for Open-Domain Image Color Editing

  • Paper: CVPR 2022 Open Access Repository

M3L: Language-based Video Editing via Multi-Modal Multi-Level Transformers

Image Generation/Synthesis / Image-to-Image Translation - 图像生成/合成/转换

Text-to-Image / Text Guided / Multi-Modal

Text to Image Generation with Semantic-Spatial Aware GAN

LAFITE: Towards Language-Free Training for Text-to-Image Generation

DF-GAN: A Simple and Effective Baseline for Text-to-Image Synthesis

StyleT2I: Toward Compositional and High-Fidelity Text-to-Image Synthesis

DiffusionCLIP: Text-Guided Diffusion Models for Robust Image Manipulation

  • Paper: https://arxiv.org/abs/2110.02711
  • Code: GitHub - gwang-kim/DiffusionCLIP: [CVPR 2022] Official PyTorch Implementation for DiffusionCLIP: Text-guided Image Manipulation Using Diffusion Models

Predict, Prevent, and Evaluate: Disentangled Text-Driven Image Manipulation Empowered by Pre-Trained Vision-Language Model

  • Paper: https://arxiv.org/abs/2111.13333
  • Code: GitHub - zipengxuc/PPE-Pytorch: Pytorch Implementation for CVPR'2022 paper ✨ "Predict, Prevent, and Evaluate: Disentangled Text-Driven Image Manipulation Empowered by Pre-Trained Vision-Language Model"

Sound-Guided Semantic Image Manipulation

ManiTrans: Entity-Level Text-Guided Image Manipulation via Token-wise Semantic Alignment and Generation

Text-to-Image Synthesis Based on Object-Guided Joint-Decoding Transformer

  • Paper: CVPR 2022 Open Access Repository

Vector Quantized Diffusion Model for Text-to-Image Synthesis

AnyFace: Free-style Text-to-Face Synthesis and Manipulation

Image-to-Image / Image Guided

Maximum Spatial Perturbation Consistency for Unpaired Image-to-Image Translation

A Style-aware Discriminator for Controllable Image Translation

QS-Attn: Query-Selected Attention for Contrastive Learning in I2I Translation

  • Paper: https://arxiv.org/abs/2203.08483
  • Code: GitHub - sapphire497/query-selected-attention: Official implementation for "QS-Attn: Query-Selected Attention for Contrastive Learning in I2I Translation" (CVPR 2022)

InstaFormer: Instance-Aware Image-to-Image Translation with Transformer

Marginal Contrastive Correspondence for Guided Image Generation

  • Paper: https://arxiv.org/abs/2204.00442
  • Code: GitHub - fnzhan/UNITE: Unbalanced Feature Transport for Exemplar-based Image Translation [CVPR 2021] and Marginal Contrastive Correspondence for Guided Image Generation [CVPR 2022]

Unsupervised Image-to-Image Translation with Generative Prior

Exploring Patch-wise Semantic Relation for Contrastive Learning in Image-to-Image Translation Tasks

  • Paper: https://arxiv.org/abs/2203.01532
  • Code: GitHub - jcy132/Hneg_SRC: Official Pytorch implementation of "Exploring Patch-wise Semantic Relation for Contrastive Learning in Image-to-Image Translation Tasks" (CVPR 2022)

Neural Texture Extraction and Distribution for Controllable Person Image Synthesis

  • Paper: https://arxiv.org/abs/2204.06160
  • Code: GitHub - RenYurui/Neural-Texture-Extraction-Distribution: The PyTorch implementation for paper "Neural Texture Extraction and Distribution for Controllable Person Image Synthesis" (CVPR2022 Oral)

Unpaired Cartoon Image Synthesis via Gated Cycle Mapping

  • Paper: CVPR 2022 Open Access Repository

Day-to-Night Image Synthesis for Training Nighttime Neural ISPs

  • Paper: CVPR 2022 Open Access Repository
  • Code: GitHub - SamsungLabs/day-to-night

Alleviating Semantics Distortion in Unsupervised Low-Level Image-to-Image Translation via Structure Consistency Constraint

  • Paper: CVPR 2022 Open Access Repository

Wavelet Knowledge Distillation: Towards Efficient Image-to-Image Translation

  • Paper: CVPR 2022 Open Access Repository

Self-Supervised Dense Consistency Regularization for Image-to-Image Translation

  • Paper: CVPR 2022 Open Access Repository

Drop the GAN: In Defense of Patches Nearest Neighbors as Single Image Generative Model

  • Paper: https://arxiv.org/abs/2103.15545
  • Project Web: "Drop The GAN: In Defense of Patch Nearest Neighbors as as Single Image Generative Models
  • Tags: Image manipulation

HairMapper: Removing Hair From Portraits Using GANs

  • Paper: CVPR 2022 Open Access Repository

Others for image generation

Attribute Group Editing for Reliable Few-shot Image Generation

Modulated Contrast for Versatile Image Synthesis

Interactive Image Synthesis with Panoptic Layout Generation

Autoregressive Image Generation using Residual Quantization

  • Paper: https://arxiv.org/abs/2203.01941
  • Code: GitHub - lucidrains/RQ-Transformer: Implementation of RQ Transformer, proposed in the paper "Autoregressive Image Generation using Residual Quantization"

Dynamic Dual-Output Diffusion Models

Exploring Dual-task Correlation for Pose Guided Person Image Generation

  • Paper: https://arxiv.org/abs/2203.02910
  • Code: GitHub - PangzeCheung/Dual-task-Pose-Transformer-Network: [CVPR 2022] Exploring Dual-task Correlation for Pose Guided Person Image Generation

StyleSwin: Transformer-based GAN for High-resolution Image Generation

Semantic-shape Adaptive Feature Modulation for Semantic Image Synthesis

Arbitrary-Scale Image Synthesis

InsetGAN for Full-Body Image Generation

HairMapper: Removing Hair from Portraits Using GANs

OSSGAN: Open-Set Semi-Supervised Image Generation

Retrieval-based Spatially Adaptive Normalization for Semantic Image Synthesis

  • Paper: https://arxiv.org/abs/2204.02854
  • Code: GitHub - Shi-Yupeng/RESAIL-For-SIS: Retrieval-based Spatially Adaptive Normalization for Semantic Image Synthesis(CVPR2022)

A Closer Look at Few-shot Image Generation

Ensembling Off-the-shelf Models for GAN Training

Few-Shot Font Generation by Learning Fine-Grained Local Styles

Modeling Image Composition for Complex Scene Generation

Global Context With Discrete Diffusion in Vector Quantised Modelling for Image Generation

Self-supervised Correlation Mining Network for Person Image Generation

Learning To Memorize Feature Hallucination for One-Shot Image Generation

  • Paper: CVPR 2022 Open Access Repository

Local Attention Pyramid for Scene Image Generation

  • Paper: CVPR 2022 Open Access Repository

High-Resolution Image Synthesis with Latent Diffusion Models

Cluster-guided Image Synthesis with Unconditional Models

SphericGAN: Semi-Supervised Hyper-Spherical Generative Adversarial Networks for Fine-Grained Image Synthesis

  • Paper: CVPR 2022 Open Access Repository

DPGEN: Differentially Private Generative Energy-Guided Network for Natural Image Synthesis

  • Paper: CVPR 2022 Open Access Repository

DO-GAN: A Double Oracle Framework for Generative Adversarial Networks

Improving GAN Equilibrium by Raising Spatial Awareness

**Polymorphic-GAN: Generating Aligned Samples Across Multiple Domains With Learned Morph Maps **

  • Paper: CVPR 2022 Open Access Repository

Manifold Learning Benefits GANs

Commonality in Natural Images Rescues GANs: Pretraining GANs with Generic and Privacy-free Synthetic Data

  • Paper: https://arxiv.org/abs/2204.04950
  • Code: GitHub - FriedRonaldo/Primitives-PS: Commonality in Natural Images Rescues GANs: Pretraining GANs with Generic and Privacy-free Synthetic Data - Official PyTorch Implementation (CVPR 2022)

On Conditioning the Input Noise for Controlled Image Generation with Diffusion Models

Generate and Edit Your Own Character in a Canonical View

StyLandGAN: A StyleGAN based Landscape Image Synthesis using Depth-map

Overparameterization Improves StyleGAN Inversion

Video Generation/Synthesis

Show Me What and Tell Me How: Video Synthesis via Multimodal Conditioning

Playable Environments: Video Manipulation in Space and Time

StyleGAN-V: A Continuous Video Generator with the Price, Image Quality and Perks of StyleGAN2

Thin-Plate Spline Motion Model for Image Animation

  • Paper: https://arxiv.org/abs/2203.14367
  • Code: GitHub - yoyo-nb/Thin-Plate-Spline-Motion-Model: [CVPR 2022] Thin-Plate Spline Motion Model for Image Animation.

Make It Move: Controllable Image-to-Video Generation with Text Descriptions

Diverse Video Generation from a Single Video

Others

GAN-Supervised Dense Visual Alignment

ClothFormer:Taming Video Virtual Try-on in All Module

Iterative Deep Homography Estimation

  • Paper: https://arxiv.org/abs/2203.15982
  • Code: GitHub - imdumpl78/IHN: This is the open source implementation of the CVPR2022 paper "Iterative Deep Homography Estimation"

Style-Structure Disentangled Features and Normalizing Flows for Diverse Icon Colorization

Unsupervised Homography Estimation with Coplanarity-Aware GAN

Diverse Image Outpainting via GAN Inversion

On Aliased Resizing and Surprising Subtleties in GAN Evaluation

  • Paper: https://arxiv.org/abs/2104.11222
  • Code: GitHub - GaParmar/clean-fid: PyTorch - FID calculation with proper image resizing and quantization steps [CVPR 2022]

Patch-wise Contrastive Style Learning for Instagram Filter Removal

NTIRE2022

New Trends in Image Restoration and Enhancement workshop and challenges on image and video processing.

Spectral Reconstruction from RGB

MST++: Multi-stage Spectral-wise Transformer for Efficient Spectral Reconstruction

  • Paper: https://arxiv.org/abs/2204.07908
  • Code: GitHub - caiyuanhao1998/MST-plus-plus: "MST++: Multi-stage Spectral-wise Transformer for Efficient Spectral Reconstruction" (CVPRW 2022) & (Winner of NTIRE 2022 Spectral Recovery Challenge) and a toolbox for spectral reconstruction
  • Tags: 1st place

Perceptual Image Quality Assessment: Track 1 Full-Reference / Track 2 No-Reference

MANIQA: Multi-dimension Attention Network for No-Reference Image Quality Assessment

  • Paper: https://arxiv.org/abs/2204.08958
  • Code: GitHub - IIGROUP/MANIQA: [CVPRW 2022] MANIQA: Multi-dimension Attention Network for No-Reference Image Quality Assessment
  • Tags: 1st place for track2

Attentions Help CNNs See Better: Attention-based Hybrid Image Quality Assessment Network

  • Paper: https://arxiv.org/abs/2204.10485
  • Code: GitHub - IIGROUP/AHIQ: [CVPRW 2022] Attentions Help CNNs See Better: Attention-based Hybrid Image Quality Assessment Network
  • Tags: 1st place for track1

MSTRIQ: No Reference Image Quality Assessment Based on Swin Transformer with Multi-Stage Fusion

Conformer and Blind Noisy Students for Improved Image Quality Assessment

Inpainting: Track 1 Unsupervised / Track 2 Semantic

GLaMa: Joint Spatial and Frequency Loss for General Image Inpainting

Efficient Super-Resolution

ShuffleMixer: An Efficient ConvNet for Image Super-Resolution

Edge-enhanced Feature Distillation Network for Efficient Super-Resolution

Fast and Memory-Efficient Network Towards Efficient Image Super-Resolution

  • Paper: https://arxiv.org/abs/2204.08759
  • Code: GitHub - NJU-Jet/FMEN: Lowest memory consumption and second shortest runtime in NTIRE 2022 challenge on Efficient Super-Resolution
  • Tags: Lowest memory consumption and second shortest runtime

Blueprint Separable Residual Network for Efficient Image Super-Resolution

  • Paper: https://arxiv.org/abs/2205.05996
  • Code: GitHub - xiaom233/BSRN: Blueprint Separable Residual Network for Efficient Image Super-Resolution
  • Tags: 1st place in model complexity track

Night Photography Rendering

Rendering Nighttime Image Via Cascaded Color and Brightness Compensation

  • Paper: https://arxiv.org/abs/2204.08970
  • Code: GitHub - NJUVISION/CBUnet: Official code of the "Rendering Nighttime Image Via Cascaded Color and Brightness Compensation"
  • Tags: 2nd place

Super-Resolution and Quality Enhancement of Compressed Video: Track1 (Quality enhancement) / Track2 (Quality enhancement and x2 SR) / Track3 (Quality enhancement and x4 SR)

Progressive Training of A Two-Stage Framework for Video Restoration

  • Paper: https://arxiv.org/abs/2204.09924
  • Code: GitHub - ryanxingql/winner-ntire22-vqe: Our method and experience of wining the NTIRE22 challenge on video quality enhancement
  • Tags: 1st place in track1 and track2, 2nd place in track3

High Dynamic Range (HDR): Track 1 Low-complexity (fidelity constrain) / Track 2 Fidelity (low-complexity constrain)

Efficient Progressive High Dynamic Range Image Restoration via Attention and Alignment Network

Stereo Super-Resolution

Parallel Interactive Transformer

  • Code: GitHub - chaineypung/CVPR-NTIRE2022-Parallel-Interactive-Transformer: This is the source code of the 7th place solution for stereo image super resolution task in 2022 CVPR NTIRE challenge.
  • Tags: 7st place

Burst Super-Resolution: Track 2 Real

BSRT: Improving Burst Super-Resolution with Swin Transformer and Flow-Guided Deformable Alignment

ECCV2022-Low-Level-Vision

Image Restoration - 图像恢复

Simple Baselines for Image Restoration

D2HNet: Joint Denoising and Deblurring with Hierarchical Network for Robust Night Image Restoration

Seeing Far in the Dark with Patterned Flash

BayesCap: Bayesian Identity Cap for Calibrated Uncertainty in Frozen Neural Networks

Improving Image Restoration by Revisiting Global Information Aggregation

Fast Two-step Blind Optical Aberration Correction

VQFR: Blind Face Restoration with Vector-Quantized Dictionary and Parallel Decoder

RAWtoBit: A Fully End-to-end Camera ISP Network

Transform your Smartphone into a DSLR Camera: Learning the ISP in the Wild

Single Frame Atmospheric Turbulence Mitigation: A Benchmark Study and A New Physics-Inspired Transformer Model

Modeling Mask Uncertainty in Hyperspectral Image Reconstruction

TAPE: Task-Agnostic Prior Embedding for Image Restoration

  • Paper: ECVA | European Computer Vision Association

DRCNet: Dynamic Image Restoration Contrastive Network

  • Paper: ECVA | European Computer Vision Association

ART-SS: An Adaptive Rejection Technique for Semi-Supervised Restoration for Adverse Weather-Affected Images

Spectrum-Aware and Transferable Architecture Search for Hyperspectral Image Restoration

  • Paper: ECVA | European Computer Vision Association
  • Tags: Hyperspectral Image Restoration

Seeing through a Black Box: Toward High-Quality Terahertz Imaging via Subspace-and-Attention Guided Restoration

  • Paper: ECVA | European Computer Vision Association
  • Tags: Terahertz Imaging

JPEG Artifacts Removal via Contrastive Representation Learning

  • Paper: ECVA | European Computer Vision Association
  • Tags: JPEG Artifacts Removal

Zero-Shot Learning for Reflection Removal of Single 360-Degree Image

  • Paper: ECVA | European Computer Vision Association
  • Tags: Reflection Removal

Overexposure Mask Fusion: Generalizable Reverse ISP Multi-Step Refinement

Video Restoration

Video Restoration Framework and Its Meta-Adaptations to Data-Poor Conditions

  • Paper: ECVA | European Computer Vision Association

Super Resolution - 超分辨率

Image Super Resolution

ARM: Any-Time Super-Resolution Method

Dynamic Dual Trainable Bounds for Ultra-low Precision Super-Resolution Networks

CADyQ : Contents-Aware Dynamic Quantization for Image Super Resolution

Image Super-Resolution with Deep Dictionary

Perception-Distortion Balanced ADMM Optimization for Single-Image Super-Resolution

Adaptive Patch Exiting for Scalable Single Image Super-Resolution

Learning Series-Parallel Lookup Tables for Efficient Image Super-Resolution

MuLUT: Cooperating Mulitple Look-Up Tables for Efficient Image Super-Resolution

Efficient Long-Range Attention Network for Image Super-resolution

Compiler-Aware Neural Architecture Search for On-Mobile Real-time Super-Resolution

Restore Globally, Refine Locally: A Mask-Guided Scheme to Accelerate Super-Resolution Networks

Learning Mutual Modulation for Self-Supervised Cross-Modal Super-Resolution

Self-Supervised Learning for Real-World Super-Resolution from Dual Zoomed Observations

Efficient and Degradation-Adaptive Network for Real-World Image Super-Resolution

D2C-SR: A Divergence to Convergence Approach for Real-World Image Super-Resolution

MM-RealSR: Metric Learning based Interactive Modulation for Real-World Super-Resolution

KXNet: A Model-Driven Deep Neural Network for Blind Super-Resolution

From Face to Natural Image: Learning Real Degradation for Blind Image Super-Resolution

Unfolded Deep Kernel Estimation for Blind Image Super-Resolution

Uncertainty Learning in Kernel Estimation for Multi-stage Blind Image Super-Resolution

  • Paper: ECVA | European Computer Vision Association
  • Tags: Blind

Super-Resolution by Predicting Offsets: An Ultra-Efficient Super-Resolution Network for Rasterized Images

Reference-based Image Super-Resolution with Deformable Attention Transformer

RRSR:Reciprocal Reference-Based Image Super-Resolution with Progressive Feature Alignment and Selection

  • Paper: ECVA | European Computer Vision Association
  • Tags: Reference-based

Boosting Event Stream Super-Resolution with a Recurrent Neural Network

  • Paper: ECVA | European Computer Vision Association
  • Tags: Event

HST: Hierarchical Swin Transformer for Compressed Image Super-resolution

Swin2SR: SwinV2 Transformer for Compressed Image Super-Resolution and Restoration

Fast Nearest Convolution for Real-Time Efficient Image Super-Resolution

Video Super Resolution

Learning Spatiotemporal Frequency-Transformer for Compressed Video Super-Resolution

A Codec Information Assisted Framework for Efficient Compressed Video Super-Resolution

  • Paper: ECVA | European Computer Vision Association
  • Tags: Compressed Video SR

Real-RawVSR: Real-World Raw Video Super-Resolution with a Benchmark Dataset

Denoising - 去噪

Image Denoising

Deep Semantic Statistics Matching (D2SM) Denoising Network

Fast and High Quality Image Denoising via Malleable Convolution

  • Paper: ECVA | European Computer Vision Association

Video Denoising

Unidirectional Video Denoising by Mimicking Backward Recurrent Modules with Look-ahead Forward Ones

TempFormer: Temporally Consistent Transformer for Video Denoising

  • Paper: ECVA | European Computer Vision Association
  • Tags: Transformer

Deblurring - 去模糊

Image Deblurring

Learning Degradation Representations for Image Deblurring

Stripformer: Strip Transformer for Fast Image Deblurring

  • Paper: ECVA | European Computer Vision Association
  • Tags: Transformer

Animation from Blur: Multi-modal Blur Decomposition with Motion Guidance

United Defocus Blur Detection and Deblurring via Adversarial Promoting Learning

Realistic Blur Synthesis for Learning Image Deblurring

  • Paper: ECVA | European Computer Vision Association
  • Tags: Blur Synthesis

Event-based Fusion for Motion Deblurring with Cross-modal Attention

Event-Guided Deblurring of Unknown Exposure Time Videos

  • Paper: ECVA | European Computer Vision Association
  • Tags: Event-based

Video Deblurring

Spatio-Temporal Deformable Attention Network for Video Deblurring

Efficient Video Deblurring Guided by Motion Magnitude

ERDN: Equivalent Receptive Field Deformable Network for Video Deblurring

DeMFI: Deep Joint Deblurring and Multi-Frame Interpolation with Flow-Guided Attentive Correlation and Recursive Boosting

Towards Real-World Video Deblurring by Exploring Blur Formation Process

Image Decomposition

Blind Image Decomposition

Deraining - 去雨

Not Just Streaks: Towards Ground Truth for Single Image Deraining

Rethinking Video Rain Streak Removal: A New Synthesis Model and a Deraining Network with Video Rain Prior

Dehazing - 去雾

Frequency and Spatial Dual Guidance for Image Dehazing

Perceiving and Modeling Density for Image Dehazing

Boosting Supervised Dehazing Methods via Bi-Level Patch Reweighting

  • Paper: ECVA | European Computer Vision Association

Unpaired Deep Image Dehazing Using Contrastive Disentanglement Learning

  • Paper: ECVA | European Computer Vision Association

Demoireing - 去摩尔纹

Towards Efficient and Scale-Robust Ultra-High-Definition Image Demoireing

HDR Imaging / Multi-Exposure Image Fusion - HDR图像生成 / 多曝光图像融合

Exposure-Aware Dynamic Weighted Learning for Single-Shot HDR Imaging

Ghost-free High Dynamic Range Imaging with Context-aware Transformer

Selective TransHDR: Transformer-Based Selective HDR Imaging Using Ghost Region Mask

  • Paper: ECVA | European Computer Vision Association

HDR-Plenoxels: Self-Calibrating High Dynamic Range Radiance Fields

Towards Real-World HDRTV Reconstruction: A Data Synthesis-Based Approach

  • Paper: ECVA | European Computer Vision Association

Image Fusion

FusionVAE: A Deep Hierarchical Variational Autoencoder for RGB Image Fusion

Recurrent Correction Network for Fast and Efficient Multi-modality Image Fusion

Neural Image Representations for Multi-Image Fusion and Layer Separation

Fusion from Decomposition: A Self-Supervised Decomposition Approach for Image Fusion

Frame Interpolation - 插帧

Real-Time Intermediate Flow Estimation for Video Frame Interpolation

FILM: Frame Interpolation for Large Motion

Video Interpolation by Event-driven Anisotropic Adjustment of Optical Flow

Learning Cross-Video Neural Representations for High-Quality Frame Interpolation

  • Paper: ECVA | European Computer Vision Association

Deep Bayesian Video Frame Interpolation

A Perceptual Quality Metric for Video Frame Interpolation

DeMFI: Deep Joint Deblurring and Multi-Frame Interpolation with Flow-Guided Attentive Correlation and Recursive Boosting

Spatial-Temporal Video Super-Resolution

Towards Interpretable Video Super-Resolution via Alternating Optimization

Image Enhancement - 图像增强

Local Color Distributions Prior for Image Enhancement

SepLUT: Separable Image-adaptive Lookup Tables for Real-time Image Enhancement

Neural Color Operators for Sequential Image Retouching

Deep Fourier-Based Exposure Correction Network with Spatial-Frequency Interaction

  • Paper: ECVA | European Computer Vision Association
  • Tags: Exposure Correction

Uncertainty Inspired Underwater Image Enhancement

  • Paper: ECVA | European Computer Vision Association
  • Tags: Underwater Image Enhancement

NEST: Neural Event Stack for Event-Based Image Enhancement

  • Paper: ECVA | European Computer Vision Association
  • Tags: Event-Based

Low-Light Image Enhancement

LEDNet: Joint Low-light Enhancement and Deblurring in the Dark

Unsupervised Night Image Enhancement: When Layer Decomposition Meets Light-Effects Suppression

Image Harmonization - 图像协调

Harmonizer: Learning to Perform White-Box Image and Video Harmonization

DCCF: Deep Comprehensible Color Filter Learning Framework for High-Resolution Image Harmonization

Semantic-Guided Multi-Mask Image Harmonization

Spatial-Separated Curve Rendering Network for Efficient and High-Resolution Image Harmonization

Image Completion/Inpainting - 图像修复

Learning Prior Feature and Attention Enhanced Image Inpainting

Perceptual Artifacts Localization for Inpainting

High-Fidelity Image Inpainting with GAN Inversion

Unbiased Multi-Modality Guidance for Image Inpainting

Image Inpainting with Cascaded Modulation GAN and Object-Aware Training

Inpainting at Modern Camera Resolution by Guided PatchMatch with Auto-Curation

  • Paper: ECVA | European Computer Vision Association

Diverse Image Inpainting with Normalizing Flow

  • Paper: ECVA | European Computer Vision Association

Hourglass Attention Network for Image Inpainting

  • Paper: ECVA | European Computer Vision Association

Perceptual Artifacts Localization for Inpainting

  • Paper: ECVA | European Computer Vision Association

Don't Forget Me: Accurate Background Recovery for Text Removal via Modeling Local-Global Context

The Surprisingly Straightforward Scene Text Removal Method with Gated Attention and Region of Interest Generation: A Comprehensive Prominent Model Analysis

Video Inpainting

Error Compensation Framework for Flow-Guided Video Inpainting

Flow-Guided Transformer for Video Inpainting

Image Colorization - 图像上色

Eliminating Gradient Conflict in Reference-based Line-art Colorization

Bridging the Domain Gap towards Generalization in Automatic Colorization

CT2: Colorization Transformer via Color Tokens

PalGAN: Image Colorization with Palette Generative Adversarial Networks

BigColor: Colorization using a Generative Color Prior for Natural Images

Semantic-Sparse Colorization Network for Deep Exemplar-Based Colorization

  • Paper: ECVA | European Computer Vision Association

ColorFormer: Image Colorization via Color Memory Assisted Hybrid-Attention Transformer

  • Paper: ECVA | European Computer Vision Association

L-CoDer: Language-Based Colorization with Color-Object Decoupling Transformer

  • Paper: ECVA | European Computer Vision Association

Colorization for In Situ Marine Plankton Images

  • Paper: ECVA | European Computer Vision Association

Image Matting - 图像抠图

TransMatting: Enhancing Transparent Objects Matting with Transformers

One-Trimap Video Matting

Shadow Removal - 阴影消除

Style-Guided Shadow Removal

Image Compression - 图像压缩

Optimizing Image Compression via Joint Learning with Denoising

Implicit Neural Representations for Image Compression

Expanded Adaptive Scaling Normalization for End to End Image Compression

Content-Oriented Learned Image Compression

Contextformer: A Transformer with Spatio-Channel Attention for Context Modeling in Learned Image Compression

  • Paper: ECVA | European Computer Vision Association

Content Adaptive Latents and Decoder for Neural Image Compression

  • Paper: ECVA | European Computer Vision Association

Video Compression

AlphaVC: High-Performance and Efficient Learned Video Compression

CANF-VC: Conditional Augmented Normalizing Flows for Video Compression

Neural Video Compression Using GANs for Detail Synthesis and Propagation

  • Paper: ECVA | European Computer Vision Association

Image Quality Assessment - 图像质量评价

FAST-VQA: Efficient End-to-end Video Quality Assessment with Fragment Sampling

Shift-tolerant Perceptual Similarity Metric

Telepresence Video Quality Assessment

A Perceptual Quality Metric for Video Frame Interpolation

Relighting/Delighting

Deep Portrait Delighting

  • Paper: ECVA | European Computer Vision Association

Geometry-Aware Single-Image Full-Body Human Relighting

  • Paper: ECVA | European Computer Vision Association

NeRF for Outdoor Scene Relighting

  • Paper: ECVA | European Computer Vision Association

Physically-Based Editing of Indoor Scene Lighting from a Single Image

  • Paper: ECVA | European Computer Vision Association

Style Transfer - 风格迁移

CCPL: Contrastive Coherence Preserving Loss for Versatile Style Transfer

Image-Based CLIP-Guided Essence Transfer

Learning Graph Neural Networks for Image Style Transfer

WISE: Whitebox Image Stylization by Example-based Learning

Language-Driven Artistic Style Transfer

  • Paper: ECVA | European Computer Vision Association

MoDA: Map Style Transfer for Self-Supervised Domain Adaptation of Embodied Agents

  • Paper: ECVA | European Computer Vision Association

JoJoGAN: One Shot Face Stylization

EleGANt: Exquisite and Locally Editable GAN for Makeup Transfer

RamGAN: Region Attentive Morphing GAN for Region-Level Makeup Transfer

  • Paper: ECVA | European Computer Vision Association
  • Tags: Makeup Transfer

Image Editing - 图像编辑

Context-Consistent Semantic Image Editing with Style-Preserved Modulation

GAN with Multivariate Disentangling for Controllable Hair Editing

Paint2Pix: Interactive Painting based Progressive Image Synthesis and Editing

High-fidelity GAN Inversion with Padding Space

Text2LIVE: Text-Driven Layered Image and Video Editing

IntereStyle: Encoding an Interest Region for Robust StyleGAN Inversion

Style Your Hair: Latent Optimization for Pose-Invariant Hairstyle Transfer via Local-Style-Aware Hair Alignment

HairNet: Hairstyle Transfer with Pose Changes

  • Paper: ECVA | European Computer Vision Association

End-to-End Visual Editing with a Generatively Pre-trained Artist

  • Paper: ECVA | European Computer Vision Association

The Anatomy of Video Editing: A Dataset and Benchmark Suite for AI-Assisted Video Editing

  • Paper: ECVA | European Computer Vision Association

Scraping Textures from Natural Images for Synthesis and Editing

  • Paper: ECVA | European Computer Vision Association

VQGAN-CLIP: Open Domain Image Generation and Editing with Natural Language Guidance

  • Paper: ECVA | European Computer Vision Association

Editing Out-of-Domain GAN Inversion via Differential Activations

ChunkyGAN: Real Image Inversion via Segments

  • Paper: ECVA | European Computer Vision Association

FairStyle: Debiasing StyleGAN2 with Style Channel Manipulations

A Style-Based GAN Encoder for High Fidelity Reconstruction of Images and Videos

Rayleigh EigenDirections (REDs): Nonlinear GAN latent space traversals for multidimensional features

  • Paper: ECVA | European Computer Vision Association

Image Generation/Synthesis / Image-to-Image Translation - 图像生成/合成/转换

Text-to-Image / Text Guided / Multi-Modal

TIPS: Text-Induced Pose Synthesis

TISE: A Toolbox for Text-to-Image Synthesis Evaluation

Learning Visual Styles from Audio-Visual Associations

Multimodal Conditional Image Synthesis with Product-of-Experts GANs

NÜWA: Visual Synthesis Pre-training for Neural visUal World creAtion

  • Paper: ECVA | European Computer Vision Association

Make-a-Scene: Scene-Based Text-to-Image Generation with Human Priors

  • Paper: ECVA | European Computer Vision Association

Trace Controlled Text to Image Generation

  • Paper: ECVA | European Computer Vision Association

Audio-Driven Stylized Gesture Generation with Flow-Based Model

  • Paper: ECVA | European Computer Vision Association

No Token Left Behind: Explainability-Aided Image Classification and Generation

  • Paper: ECVA | European Computer Vision Association

Image-to-Image / Image Guided

End-to-end Graph-constrained Vectorized Floorplan Generation with Panoptic Refinement

ManiFest: Manifold Deformation for Few-shot Image Translation

VecGAN: Image-to-Image Translation with Interpretable Latent Directions

DynaST: Dynamic Sparse Transformer for Exemplar-Guided Image Generation

Cross Attention Based Style Distribution for Controllable Person Image Synthesis

Vector Quantized Image-to-Image Translation

URUST: Ultra-high-resolution unpaired stain transformation via Kernelized Instance Normalization

General Object Pose Transformation Network from Unpaired Data

Unpaired Image Translation via Vector Symbolic Architectures

Supervised Attribute Information Removal and Reconstruction for Image Manipulation

Bi-Level Feature Alignment for Versatile Image Translation and Manipulation

  • Paper: ECVA | European Computer Vision Association

Multi-Curve Translator for High-Resolution Photorealistic Image Translation

  • Paper: ECVA | European Computer Vision Association

CoGS: Controllable Generation and Search from Sketch and Style

  • Paper: ECVA | European Computer Vision Association

AgeTransGAN for Facial Age Transformation with Rectified Performance Metrics

Others for image generation

StyleLight: HDR Panorama Generation for Lighting Estimation and Editing

Accelerating Score-based Generative Models with Preconditioned Diffusion Sampling

GAN Cocktail: mixing GANs without dataset access

Compositional Visual Generation with Composable Diffusion Models

Adaptive-Feature-Interpolation-for-Low-Shot-Image-Generation

StyleHEAT: One-Shot High-Resolution Editable Talking Face Generation via Pretrained StyleGAN

WaveGAN: An Frequency-aware GAN for High-Fidelity Few-shot Image Generation

FakeCLR: Exploring Contrastive Learning for Solving Latent Discontinuity in Data-Efficient GANs

Auto-regressive Image Synthesis with Integrated Quantization

PixelFolder: An Efficient Progressive Pixel Synthesis Network for Image Generation

DeltaGAN: Towards Diverse Few-shot Image Generation with Sample-Specific Delta

Generator Knows What Discriminator Should Learn in Unconditional GANs

Hierarchical Semantic Regularization of Latent Spaces in StyleGANs

FurryGAN: High Quality Foreground-aware Image Synthesis

Improving GANs for Long-Tailed Data through Group Spectral Regularization

Exploring Gradient-based Multi-directional Controls in GANs

Improved Masked Image Generation with Token-Critic

Weakly-Supervised Stitching Network for Real-World Panoramic Image Generation

Any-Resolution Training for High-Resolution Image Synthesis

BIPS: Bi-modal Indoor Panorama Synthesis via Residual Depth-Aided Adversarial Learning

Few-Shot Image Generation with Mixup-Based Distance Learning

StyleGAN-Human: A Data-Centric Odyssey of Human Generation

StyleFace: Towards Identity-Disentangled Face Generation on Megapixels

  • Paper: ECVA | European Computer Vision Association

Contrastive Learning for Diverse Disentangled Foreground Generation

  • Paper: ECVA | European Computer Vision Association

BLT: Bidirectional Layout Transformer for Controllable Layout Generation

Entropy-Driven Sampling and Training Scheme for Conditional Diffusion Generation

Unleashing Transformers: Parallel Token Prediction with Discrete Absorbing Diffusion for Fast High-Resolution Image Generation from Vector-Quantized Codes

  • Paper: ECVA | European Computer Vision Association

DuelGAN: A Duel between Two Discriminators Stabilizes the GAN Training

Video Generation

Long Video Generation with Time-Agnostic VQGAN and Time-Sensitive Transformer

Controllable Video Generation through Global and Local Motion Dynamics

Fast-Vid2Vid: Spatial-Temporal Compression for Video-to-Video Synthesis

Synthesizing Light Field Video from Monocular Video

StoryDALL-E: Adapting Pretrained Text-to-Image Transformers for Story Continuation

Motion Transformer for Unsupervised Image Animation

Sound-Guided Semantic Video Generation

Layered Controllable Video Generation

Diverse Generation from a Single Video Made Possible

Semantic-Aware Implicit Neural Audio-Driven Video Portrait Generation

EAGAN: Efficient Two-Stage Evolutionary Architecture Search for GANs

BlobGAN: Spatially Disentangled Scene Representations

Others

Learning Local Implicit Fourier Representation for Image Warping

Dress Code: High-Resolution Multi-Category Virtual Try-On

High-Resolution Virtual Try-On with Misalignment and Occlusion-Handled Conditions

Single Stage Virtual Try-on via Deformable Attention Flows

Outpainting by Queries

Watermark Vaccine: Adversarial Attacks to Prevent Watermark Removal

Efficient Meta-Tuning for Content-aware Neural Video Delivery

Human-centric Image Cropping with Partition-aware and Content-preserving Features

CelebV-HQ: A Large-Scale Video Facial Attributes Dataset

Learning Dynamic Facial Radiance Fields for Few-Shot Talking Head Synthesis

Responsive Listening Head Generation: A Benchmark Dataset and Baseline

Contrastive Monotonic Pixel-Level Modulation

AutoTransition: Learning to Recommend Video Transition Effects

Bringing Rolling Shutter Images Alive with Dual Reversed Distortion

Learning Object Placement via Dual-path Graph Completion

DeepMCBM: A Deep Moving-camera Background Model

Mind the Gap in Distilling StyleGANs

StyleSwap: Style-Based Generator Empowers Robust Face Swapping

Geometric Representation Learning for Document Image Rectification

Studying Bias in GANs through the Lens of Race

  • Paper: ECVA | European Computer Vision Association
  • Tags: Racial Bias

On the Robustness of Quality Measures for GANs

TREND: Truncated Generalized Normal Density Estimation of Inception Embeddings for GAN Evaluation

  • Paper: ECVA | European Computer Vision Association
  • Tags: GAN Evaluation

AAAI2022-Low-Level-Vision

Image Restoration - 图像恢复

Unsupervised Underwater Image Restoration: From a Homology Perspective

  • Paper: AAAI2022: Unsupervised Underwater Image Restoration: From a Homology Perspective
  • Tags: Underwater Image Restoration

Panini-Net: GAN Prior based Degradation-Aware Feature Interpolation for Face Restoration

  • Paper: AAAI2022: Panini-Net: GAN Prior Based Degradation-Aware Feature Interpolation for Face Restoration
  • Code: GitHub - wyhuai/Panini-Net: [AAAI 2022] Panini-Net: GAN Prior based Degradation-Aware Feature Interpolation for Face Restoration
  • Tags: Face Restoration

Burst Restoration

Zero-Shot Multi-Frame Image Restoration with Pre-Trained Siamese Transformers

Video Restoration

Transcoded Video Restoration by Temporal Spatial Auxiliary Network

  • Paper: AAAI2022: Transcoded Video Restoration by Temporal Spatial Auxiliary Network
  • Tags: Transcoded Video Restoration

Super Resolution - 超分辨率

Image Super Resolution

SCSNet: An Efficient Paradigm for Learning Simultaneously Image Colorization and Super-Resolution

  • Paper: AAAI2022: SCSNet: An Efficient Paradigm for Learning Simultaneously Image Colorization and Super-Resolution

Efficient Non-Local Contrastive Attention for Image Super-Resolution

  • Paper: https://arxiv.org/abs/2201.03794
  • Code: GitHub - Zj-BinXia/ENLCA: This project is official implementation of 'Efficient Non-Local Contrastive Attention for Image Super-Resolution', AAAI2022

Best-Buddy GANs for Highly Detailed Image Super-Resolution

  • Paper: AAAI2022: Best-Buddy GANs for Highly Detailed Image Super-Resolution
  • Tags: GAN

Text Gestalt: Stroke-Aware Scene Text Image Super-Resolution

  • Paper: AAAI2022: Text Gestalt: Stroke-Aware Scene Text Image Super-Resolution
  • Tags: Text SR

Coarse-to-Fine Embedded PatchMatch and Multi-Scale Dynamic Aggregation for Reference-Based Super-Resolution

  • Paper: AAAI2022: Coarse-to-Fine Embedded PatchMatch and Multi-Scale Dynamic Aggregation for Reference-Based Super-Resolution
  • Code: GitHub - Zj-BinXia/AMSA: This project is the official implementation of 'Coarse-to-Fine Embedded PatchMatch and Multi-Scale Dynamic Aggregation for Reference-based Super-Resolution', AAAI2022
  • Tags: Reference-Based SR

Detail-Preserving Transformer for Light Field Image Super-Resolution

  • Paper: AAAI2022: Detail-Preserving Transformer for Light Field Image Super-Resolution
  • Tags: Light Field

Denoising - 去噪

Image Denoising

Generative Adaptive Convolutions for Real-World Noisy Image Denoising

  • Paper: AAAI2022: Generative Adaptive Convolutions for Real-World Noisy Image Denoising

Video Denoising

ReMoNet: Recurrent Multi-Output Network for Efficient Video Denoising

  • Paper: AAAI2022: ReMoNet: Recurrent Multi-Output Network for Efficient Video Denoising

Deblurring - 去模糊

Video Deblurring

Deep Recurrent Neural Network with Multi-Scale Bi-Directional Propagation for Video Deblurring

  • Paper: AAAI2022: Deep Recurrent Neural Network with Multi-Scale Bi-Directional Propagation for Video Deblurring

Deraining - 去雨

Online-Updated High-Order Collaborative Networks for Single Image Deraining

  • Paper: AAAI2022: ReMoNet: Recurrent Multi-Output Network for Efficient Video Denoising

Close the Loop: A Unified Bottom-up and Top-down Paradigm for Joint Image Deraining and Segmentation

  • Paper: AAAI2022: Close the Loop: A Unified Bottom-up and Top-down Paradigm for Joint Image Deraining and Segmentation
  • Tags: Joint Image Deraining and Segmentation

Dehazing - 去雾

Uncertainty-Driven Dehazing Network

  • Paper: AAAI2022: Uncertainty-Driven Dehazing Network

Demosaicing - 去马赛克

Deep Spatial Adaptive Network for Real Image Demosaicing

  • Paper: AAAI2022: Deep Spatial Adaptive Network for Real Image Demosaicing

HDR Imaging / Multi-Exposure Image Fusion - HDR图像生成 / 多曝光图像融合

TransMEF: A Transformer-Based Multi-Exposure Image Fusion Framework Using Self-Supervised Multi-Task Learning

Image Enhancement - 图像增强

Low-Light Image Enhancement

Low-Light Image Enhancement with Normalizing Flow

Degrade is Upgrade: Learning Degradation for Low-light Image Enhancement

  • Paper: AAAI2022: Degrade is Upgrade: Learning Degradation for Low-light Image Enhancement

Semantically Contrastive Learning for Low-Light Image Enhancement

  • Paper: AAAI2022: Semantically Contrastive Learning for Low-Light Image Enhancement
  • Tags: contrastive learning

Image Matting - 图像抠图

MODNet: Trimap-Free Portrait Matting in Real Time

Shadow Removal - 阴影消除

Efficient Model-Driven Network for Shadow Removal

  • Paper: AAAI2022: Efficient Model-Driven Network for Shadow Removal

Image Compression - 图像压缩

Towards End-to-End Image Compression and Analysis with Transformers

OoDHDR-Codec: Out-of-Distribution Generalization for HDR Image Compression

  • Paper: AAAI2022: OoDHDR-Codec: Out-of-Distribution Generalization for HDR Image Compression

Two-Stage Octave Residual Network for End-to-End Image Compression

  • Paper: AAAI2022: Two-Stage Octave Residual Network for End-to-End Image Compression

Image Quality Assessment - 图像质量评价

Content-Variant Reference Image Quality Assessment via Knowledge Distillation

  • Paper: AAAI2022: Content-Variant Reference Image Quality Assessment via Knowledge Distillation

Perceptual Quality Assessment of Omnidirectional Images

  • Paper: AAAI2022: Perceptual Quality Assessment of Omnidirectional Images
  • Tags: Omnidirectional Images

Style Transfer - 风格迁移

Towards Ultra-Resolution Neural Style Transfer via Thumbnail Instance Normalization

  • Paper: https://arxiv.org/abs/2103.11784
  • Code: GitHub - czczup/URST: [AAAI 2022] Towards Ultra-Resolution Neural Style Transfer via Thumbnail Instance Normalization

Deep Translation Prior: Test-Time Training for Photorealistic Style Transfer

  • Paper: AAAI2022: Deep Translation Prior: Test-Time Training for Photorealistic Style Transfer

Image Editing - 图像编辑

Image Generation/Synthesis / Image-to-Image Translation - 图像生成/合成/转换

SSAT: A Symmetric Semantic-Aware Transformer Network for Makeup Transfer and Removal

Assessing a Single Image in Reference-Guided Image Synthesis

  • Paper: AAAI2022: Assessing a Single Image in Reference-Guided Image Synthesis

Interactive Image Generation with Natural-Language Feedback

  • Paper: AAAI2022: Interactive Image Generation with Natural-Language Feedback

PetsGAN: Rethinking Priors for Single Image Generation

  • Paper: AAAI2022: PetsGAN: Rethinking Priors for Single Image Generation

Pose Guided Image Generation from Misaligned Sources via Residual Flow Based Correction

  • Paper: AAAI2022: Pose Guided Image Generation from Misaligned Sources via Residual Flow Based Correction

Hierarchical Image Generation via Transformer-Based Sequential Patch Selection

  • Paper: AAAI2022: Hierarchical Image Generation via Transformer-Based Sequential Patch Selection

Style-Guided and Disentangled Representation for Robust Image-to-Image Translation

  • Paper: AAAI2022: Style-Guided and Disentangled Representation for Robust Image-to-Image Translation

OA-FSUI2IT: A Novel Few-Shot Cross Domain Object Detection Framework with Object-Aware Few-shot Unsupervised Image-to-Image Translation

  • Paper: AAAI2022: OA-FSUI2IT: A Novel Few-Shot Cross Domain Object Detection Framework with Object-Aware Few-shot Unsupervised Image-to-Image Translation
  • Code: https://github.com/emdata-ailab/FSCD-Det
  • Tags: Image-to-Image Translation used for Object Detection

Video Generation

Learning Temporally and Semantically Consistent Unpaired Video-to-Video Translation through Pseudo-Supervision from Synthetic Optical Flow

  • Paper: AAAI2022: Learning Temporally and Semantically Consistent Unpaired Video-to-Video Translation through Pseudo-Supervision from Synthetic Optical Flow
  • Code: GitHub - wangkaihong/Unsup_Recycle_GAN: Code for "Learning Temporally and Semantically Consistent Unpaired Video-to-video Translation Through Pseudo-Supervision From Synthetic Optical Flow", AAAI 2022

参考

什么是low-level、high-level任务_low-level任务_WTHunt的博客-CSDN博客

在 CV 领域里 low-level vision 前景怎么样? - 知乎 (zhihu.com)

GitHub - DarrenPan/Awesome-CVPR2023-Low-Level-Vision: A Collection of Papers and Codes in CVPR2023/2022 about low level vision

  • Awesome-CVPR2022-Low-Level-Vision
  • Awesome-ECCV2022-Low-Level-Vision
  • Awesome-AAAI2022-Low-Level-Vision
  • Awesome-NeurIPS2021-Low-Level-Vision
  • Awesome-ICCV2021-Low-Level-Vision
  • Awesome-CVPR2021/CVPR2020-Low-Level-Vision
  • Awesome-ECCV2020-Low-Level-Vision

本文转载自: https://blog.csdn.net/m0_61899108/article/details/130053689
版权归原作者 m0_61899108 所有, 如有侵权,请联系我们删除。

“【论文合集】Awesome Low Level Vision”的评论:

还没有评论