CVPR'23 最新 70 篇论文分方向整理|包含目标检测、图像处理、人脸、医学影像、半监督学习等方向

1,301 阅读8分钟

前言 本文近期更新的CVPR 2023 论文,包含目标检测、图像处理、人脸、场景重建、医学影像、半监督学习/弱监督学习/无监督学习/自监督学习等方向,附打包下载链接。

本文转载极市平台

仅用于学术分享,若侵权请联系删除

欢迎关注公众号CV技术指南,专注于计算机视觉的技术总结、最新技术跟踪、经典论文解读、CV招聘信息。

CV各大方向专栏与各个部署框架最全教程整理

计算机视觉入门1v3辅导班

项目地址:www.cvmart.net/community/d…

以下是最近更新的 CVPR 2023 论文,包含目标检测、图像处理、人脸、场景重建、医学影像、半监督学习/弱监督学习/无监督学习/自监督学习等方向。

检测

2D目标检测(2D Object Detection

[1]CapDet: Unifying Dense Captioning and Open-World Detection Pretraining

paper:arxiv.org/abs/2303.02…

[2]Enhanced Training of Query-Based Object Detection via Selective Query Recollection

paper:arxiv.org/abs/2212.07…

code:github.com/Fangyi-Chen…

[3]DETRs with Hybrid Matching

paper:arxiv.org/abs/2207.13…

code:github.com/HDETR

[4]YOLOv7: Trainable bag-of-freebies sets new state-of-the-art for real-time object detectors(YOLOv7

paper:arxiv.org/abs/2207.02…

code:github.com/WongKinYiu/…

视频目标检测(Video Object Detection

[1]SCOTCH and SODA: A Transformer Video Shadow Detection Framework
paper:arxiv.org/abs/2211.06…

3D目标检测(3D object detection

[1]MSMDFusion: Fusing LiDAR and Camera at Multiple Scales with Multi-Depth Seeds for 3D Object Detection

paper:arxiv.org/abs/2209.03…

code:github.com/sxjyjay/msm…

[2]Uni3D: A Unified Baseline for Multi-dataset 3D Object Detection

paper:arxiv.org/abs/2303.06…

code:github.com/PJLab-ADG/3…

[3]LoGoNet: Towards Accurate 3D Object Detection with Local-to-Global Cross-Modal Fusion

paper:arxiv.org/abs/2303.03…

code:github.com/sankin97/Lo…

[4]ConQueR: Query Contrast Voxel-DETR for 3D Object Detection(3D 目标检测的Query Contrast Voxel-DETR

paper:arxiv.org/abs/2212.07…

code:github.com/poodarchu/C…

显著性目标检测(Saliency Object Detection

[1]Texture-guided Saliency Distilling for Unsupervised Salient Object Detection

paper:arxiv.org/abs/2207.05…

code:github.com/moothes/A2S…

车道线检测(Lane Detection

[1]BEV-LaneDet: a Simple and Effective 3D Lane Detection Baseline

paper:arxiv.org/abs/2210.06…

异常检测(Anomaly Detection

[1]Block Selection Method for Using Feature Norm in Out-of-distribution Detection

paper:arxiv.org/abs/2212.02…

[2]Lossy Compression for Robust Unsupervised Time-Series Anomaly Detection

paper:arxiv.org/abs/2212.02…

[3]Multimodal Industrial Anomaly Detection via Hybrid Fusion

paper:arxiv.org/abs/2303.00…

code:github.com/nomewang/M3…

分割(Segmentation

图像分割(Image Segmentation

[1]MP-Former: Mask-Piloted Transformer for Image Segmentation
paper:arxiv.org/abs/2303.07…

code:github.com/IDEA-Resear…

[2]Interactive Segmentation as Gaussian Process Classification

paper:arxiv.org/abs/2302.14…

语义分割(Semantic Segmentation

[1]Open-Vocabulary Semantic Segmentation with Mask-adapted CLIP

paper:arxiv.org/abs/2210.04…

code:github.com/facebookres…

[2]Efficient Semantic Segmentation by Altering Resolutions for Compressed Videos

paper:arxiv.org/abs/2303.07…

code:github.com/THU-LYJ-Lab…

[3]SCPNet: Semantic Scene Completion on Point Cloud

paper:arxiv.org/abs/2303.06…

[4]On Calibrating Semantic Segmentation Models: Analyses and An Algorithm

paper:arxiv.org/abs/2212.12…

[5]Learning Open-vocabulary Semantic Segmentation Models From Natural Language Supervision

paper:arxiv.org/abs/2301.09…

[6]Revisiting Weak-to-Strong Consistency in Semi-Supervised Semantic Segmentation

paper:arxiv.org/abs/2208.09…

code:github.com/LiheYoung/U…

[7]Foundation Model Drives Weakly Incremental Learning for Semantic Segmentation

paper:arxiv.org/abs/2302.14…

实例分割(Instance Segmentation

[1]ISBNet: a 3D Point Cloud Instance Segmentation Network with Instance-aware Sampling and Box-aware Dynamic Convolution

paper:arxiv.org/abs/2303.00…

[22]PolyFormer: Referring Image Segmentation as Sequential Polygon Generation(PolyFormer:将图像分割表述为顺序多边形生成

paper:arxiv.org/abs/2302.07…

目标跟踪(Object Tracking

[1]Observation-Centric SORT: Rethinking SORT for Robust Multi-Object Tracking

paper:arxiv.org/abs/2203.14…

code:github.com/noahcao/OC_…

[2]Focus On Details: Online Multi-object Tracking with Diverse Fine-grained Representation

paper:arxiv.org/abs/2302.14…

[3]Referring Multi-Object Tracking

paper:arxiv.org/abs/2303.03…

[4]Simple Cues Lead to a Strong Multi-Object Tracker

paper:arxiv.org/abs/2206.04…

图像处理(Image Processing

超分辨率(Super Resolution

[1]Denoising Diffusion Probabilistic Models for Robust Image Super-Resolution in the Wild(野外鲁棒图像超分辨率的去噪扩散概率模型

paper:arxiv.org/abs/2302.07…

project:sihyun.me/PVDM/

图像复原/图像增强/图像重建(Image Restoration/Image Reconstruction

[1]Learning Distortion Invariant Representation for Image Restoration from A Causality Perspective

paper:arxiv.org/abs/2303.06…

code:github.com/lixinustc/C…

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

paper:arxiv.org/abs/2303.06…

[3]Robust Unsupervised StyleGAN Image Restoration

paper:arxiv.org/abs/2302.06…

[4]Raw Image Reconstruction with Learned Compact Metadata

paper:arxiv.org/abs/2302.12…

[5]Efficient and Explicit Modelling of Image Hierarchies for Image Restoration

paper:arxiv.org/abs/2303.00…

code:github.com/ofsoundof/G…

[6]Imagic: Text-Based Real Image Editing with Diffusion Models

paper:arxiv.org/abs/2210.09…

project:imagic-editing.github.io/

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

paper:www.biorxiv.org/content/10.…

project:sites.google.com/view/stable…

[8]Solving 3D Inverse Problems using Pre-trained 2D Diffusion Models

paper:arxiv.org/abs/2211.10…

图像去噪/去模糊/去雨去雾(Image Denoising

[1]Uncertainty-Aware Unsupervised Image Deblurring with Deep Residual Prior

paper:arxiv.org/abs/2210.05…

[2]Polarized Color Image Denoising using Pocoformer

paper:arxiv.org/abs/2207.00…

[3]Blur Interpolation Transformer for Real-World Motion from Blur

paper:arxiv.org/abs/2211.11…

code:github.com/zzh-tech/Bi…

[4]Structured Kernel Estimation for Photon-Limited Deconvolution

paper:arxiv.org/abs/2303.03…

code:github.com/sanghviyash…

图像编辑/图像修复(Image Edit/Inpainting

[1]LANIT: Language-Driven Image-to-Image Translation for Unlabeled Data

paper:arxiv.org/abs/2208.14…

code:github.com/KU-CVLAB/LA…

图像质量评估(Image Quality Assessment

[1]CR-FIQA: Face Image Quality Assessment by Learning Sample Relative Classifiability

paper:arxiv.org/abs/2112.06…

[2]Quality-aware Pre-trained Models for Blind Image Quality Assessment

paper:arxiv.org/abs/2303.00…

图像配准(Image Registration

[1]Indescribable Multi-modal Spatial Evaluator

paper:arxiv.org/abs/2303.00…

code:github.com/Kid-Liet/IM…

人脸(Face人脸生成/合成/重建/编辑(Face Generation/Face Synthesis/Face Reconstruction/Face Editing

[1]A Hierarchical Representation Network for Accurate and Detailed Face Reconstruction from In-The-Wild Images

paper:arxiv.org/abs/2302.14…

[2]MetaPortrait: Identity-Preserving Talking Head Generation with Fast Personalized Adaptation(MetaPortrait:具有快速个性化适应的身份保持谈话头像生成

paper:arxiv.org/abs/2212.08…

code:github.com/Meta-Portra…

人脸伪造/反欺骗(Face Forgery/Face Anti-Spoofing

[1]Physical-World Optical Adversarial Attacks on 3D Face Recognition

paper:arxiv.org/abs/2205.13…

医学影像(Medical Imaging

[1]Deep Feature In-painting for Unsupervised Anomaly Detection in X-ray Images

paper:arxiv.org/pdf/2111.13…

code:github.com/tiangexiang…

[2]Label-Free Liver Tumor Segmentation

paper:arxiv.org/pdf/2210.14…

code:github.com/MrGiovanni/…

图像生成/图像合成(Image Generation/Image Synthesis

[1]DreamBooth: Fine Tuning Text-to-Image Diffusion Models for Subject-Driven Generation

paper:arxiv.org/abs/2208.12…

code:github.com/PaddlePaddl…

[2]Progressive Open Space Expansion for Open-Set Model Attribution

paper:arxiv.org/abs/2303.06…

code:github.com/tianyunyoun…

[3]Person Image Synthesis via Denoising Diffusion Model

paper:arxiv.org/abs/2211.12…

[4]Solving 3D Inverse Problems using Pre-trained 2D Diffusion Models(使用预训练的 2D 扩散模型解决 3D 逆问题

paper:arxiv.org/abs/2211.10…

[5]Parallel Diffusion Models of Operator and Image for Blind Inverse Problems(盲反问题算子和图像的并行扩散模型

paper:arxiv.org/abs/2211.10…

场景重建/视图合成/新视角合成(Novel View Synthesis

[1]3D Video Loops from Asynchronous Input

paper:arxiv.org/abs/2303.05…

code:github.com/limacv/Vide…

[2]NeRFLiX: High-Quality Neural View Synthesis by Learning a Degradation-Driven Inter-viewpoint MiXer

paper:arxiv.org/abs/2303.06…

code:t.co/uNiTd9ujCv

[3]NeRF-Gaze: A Head-Eye Redirection Parametric Model for Gaze Estimation

paper:arxiv.org/abs/2212.14…

[4]Renderable Neural Radiance Map for Visual Navigation

paper:arxiv.org/abs/2303.00…

[5]Real-Time Neural Light Field on Mobile Devices

paper:arxiv.org/abs/2212.08…

project:snap-research.github.io/MobileR2L/

[6]Latent-NeRF for Shape-Guided Generation of 3D Shapes and Textures

paper:arxiv.org/abs/2211.07…

code:github.com/eladrich/la…

[7]NoPe-NeRF: Optimising Neural Radiance Field with No Pose Prior

paper:arxiv.org/abs/2212.07…

project:nope-nerf.active.vision/

多模态学习(Multi-Modal Learning

[1]Align and Attend: Multimodal Summarization with Dual Contrastive Losses

paper:arxiv.org/abs/2303.07…

code:boheumd.github.io/A2Summ/

[2]Towards All-in-one Pre-training via Maximizing Multi-modal Mutual Information(通过最大化多模态互信息实现一体化预训练

paper:arxiv.org/abs/2211.09…

code:github.com/OpenGVLab/M…

[3]Uni-Perceiver v2: A Generalist Model for Large-Scale Vision and Vision-Language Tasks(Uni-Perceiver v2:用于大规模视觉和视觉语言任务的通才模型

paper:arxiv.org/abs/2211.09…

code:github.com/fundamental…

半监督学习/弱监督学习/无监督学习/自监督学习(Self-supervised Learning/Semi-supervised Learning)

[1]The Dialog Must Go On: Improving Visual Dialog via Generative Self-Training

paper:arxiv.org/abs/2205.12…

code:github.com/gicheonkang…

[2]Three Guidelines You Should Know for Universally Slimmable Self-Supervised Learning

paper:arxiv.org/abs/2303.06…

code:github.com/megvii-rese…

[3]Mask3D: Pre-training 2D Vision Transformers by Learning Masked 3D Priors

paper:arxiv.org/abs/2302.14…

[4]Siamese Image Modeling for Self-Supervised Vision Representation Learning

paper:arxiv.org/abs/2206.01…

code:github.com/fundamental…

[5]Cut and Learn for Unsupervised Object Detection and Instance Segmentation

paper:arxiv.org/abs/2301.11…

project:people.eecs.berkeley.edu/~xdwang/pro…

欢迎关注公众号CV技术指南,专注于计算机视觉的技术总结、最新技术跟踪、经典论文解读、CV招聘信息。

计算机视觉入门1v3辅导班

【技术文档】《从零搭建pytorch模型教程》122页PDF下载

QQ交流群:470899183。群内有大佬负责解答大家的日常学习、科研、代码问题。

其它文章

PyTorch 2.0正式版来了!

计算机视觉/AI部署与算法/自动驾驶/深度学习资料合集!

CVPR2023最新Backbone | FasterNet远超ShuffleNet、MobileNet、MobileViT等模型

CVPR2023 | 集成预训练金字塔结构的Transformer模型

AAAI 2023 | 一种通用的粗-细视觉Transformer加速方案

大核分解与注意力机制的巧妙结合,图像超分多尺度注意网络MAN已开源!

MIRNetV2 更快、更强、更轻量!

AI部署与算法/自动驾驶/深度学习资料汇总!

点云模型专栏(一)概述、特性、存储格式、数据集

计算机视觉各个方向交流群与知识星球

【免费送书活动】 全新轻量化模型 | 轻量化沙漏网络助力视觉感知涨点

目标跟踪专栏(一)基本任务、常用方法

CV各大方向专栏与各个部署框架最全教程整理

一文尽览 | 自动驾驶中光流的应用、挑战和改进

目标检测、实例分割、旋转框样样精通!详解高性能检测算法 RTMDet

CV算法工程师卷得要死,部署工程师却成为了香饽饽

大卷积模型 + 大数据集 + 有监督训练!探寻ViT的前身:Big Transfer (BiT)

高效轻量级语义分割综述

超快语义分割 | PP-LiteSeg集速度快、精度高、易部署等优点于一身,必会模型!!!

数据集+插件,一把子解决遮挡下目标检测难题

AAAI | Panini-Net | 基于GAN先验的退化感知特征插值人脸修

一文带你掌握轻量化模型设计原则和训练技巧!

图像增强新思路:DeepLPF

LCCL网络:相互指导博弈来提升目标检测精度(附源代码)

与SENet互补提升,华为诺亚提出自注意力新机制:Weight Excitation

最新FPN | CFPNet即插即用,助力检测涨点,YOLOX/YOLOv5均有效

DeepLSD:基于深度图像梯度的线段检测和细化

CVPR 2023 | 基础模型推动语义分割的弱增量学习

消费级显卡的春天,GTX 3090 YOLOv5s单卡完整训练COCO数据集缩短11.35个小时

BOE告诉你:一层卷积可以做超分!

卫星图像公开数据集资源汇总

DiffusionDet:用于对象检测的扩散模型

CV小知识讨论与分析(7) 寻找论文创新点的新方式

CV小知识分析与讨论(6)论文创新的一点误区

计算机视觉入门1v3辅导班

计算机视觉交流群

聊聊计算机视觉入门