ECCV 2020 论文开源项目合集,同时欢迎各位大佬提交issue,分享ECCV 2020开源项目
关于往年CV顶会论文(如CVPR 2020、ICCV 2019、ECCV 2018)以及其他优质CV论文和大盘点,详见: https://github.com/amusi/daily-paper-computer-vision
- CNN
- 图像分类
- 2D目标检测
- 3D目标检测
- 视频目标检测
- 语义分割
- 实例分割
- 全景分割
- 视频目标分割
- 单/多目标跟踪
- GAN
- NAS
- 3D点云(分类/分割/配准/补全等)
- 人脸(检测/识别/解析等)
- Re-ID
- 显著性检测(SOD)
- 模型压缩(剪枝/知识蒸馏等)
- 视频理解/行为识别/行为检测
- 场景文本检测
- 场景文本识别
- 特征点检测/描述符/匹配
- 姿态估计
- 深度估计
- 深度补全
- 域泛化
- 超分辨率
- 去模糊
- 去雨
- 图像/视频恢复
- 图像/视频修复(补全)
- 风格迁移
- 三维重建
- 图像描述
- 图像检索
- 光流估计
- 视频插帧
- 车道线检测
- 轨迹预测
- 线段检测
- 视线估计
- 眼动追踪
- 对抗攻击
- 数据集
- 其他
- 不确定中没中
Beyond Fixed Grid: Learning Geometric Image Representation with a Deformable Grid
- 主页:http://www.cs.toronto.edu/~jungao/def-grid/
- 论文:http://xxx.itp.ac.cn/abs/2008.09269
- 代码:https://github.com/fidler-lab/deformable-grid-release
WeightNet: Revisiting the Design Space of Weight Networks
Feature Pyramid Transformer
Dynamic Group Convolution for Accelerating Convolutional Neural Networks
Learning to Learn Parameterized Classification Networks for Scalable Input Images
Rethinking Bottleneck Structure for Efficient Mobile Network Design
MutualNet: Adaptive ConvNet via Mutual Learning from Network Width and Resolution
PSConv: Squeezing Feature Pyramid into One Compact Poly-Scale Convolutional Layer
Learning to Learn Parameterized Classification Networks for Scalable Input Images
-
论文:暂无
Learning To Classify Images Without Labels
Learning Data Augmentation Strategies for Object Detection
- 论文:https://www.ecva.net/papers/eccv_2020/papers_ECCV/html/5865_ECCV_2020_paper.php
- 代码:https://github.com/tensorflow/tpu/tree/master/models/official/detection
AABO: Adaptive Anchor Box Optimization for Object Detection via Bayesian Sub-sampling
- 论文:https://www.ecva.net/papers/eccv_2020/papers_ECCV/html/3977_ECCV_2020_paper.php
- 代码:https://github.com/wwdkl/AABO
Side-Aware Boundary Localization for More Precise Object Detection
- 论文:https://www.ecva.net/papers/eccv_2020/papers_ECCV/html/2272_ECCV_2020_paper.php
- 代码:https://github.com/open-mmlab/mmdetection
TIDE: A General Toolbox for Identifying Object Detection Errors
Every Pixel Matters: Center-aware Feature Alignment for Domain Adaptive Object Detector
- 主页:https://chengchunhsu.github.io/EveryPixelMatters/
- 论文:https://arxiv.org/abs/2008.08574
- 代码:https://github.com/chengchunhsu/EveryPixelMatters
Dense RepPoints: Representing Visual Objects with Dense Point Sets
Corner Proposal Network for Anchor-free, Two-stage Object Detection
BorderDet: Border Feature for Dense Object Detection
Multi-Scale Positive Sample Refinement for Few-Shot Object Detection
PIoU Loss: Towards Accurate Oriented Object Detection in Complex Environments
Probabilistic Anchor Assignment with IoU Prediction for Object Detection
HoughNet: Integrating near and long-range evidence for bottom-up object detection
OS2D: One-Stage One-Shot Object Detection by Matching Anchor Features
End-to-End Object Detection with Transformers
Dynamic R-CNN: Towards High Quality Object Detection via Dynamic Training
OS2D: One-Stage One-Shot Object Detection by Matching Anchor Features
- 论文:https://www.ecva.net/papers/eccv_2020/papers_ECCV/html/2424_ECCV_2020_paper.php
- 代码:https://github.com/aosokin/os2d
Object Detection with a Unified Label Space from Multiple Datasets
- 主页:http://www.nec-labs.com/~mas/UniDet/
- 论文:https://arxiv.org/abs/2008.06614
- 代码:暂无
- 数据集:http://www.nec-labs.com/~mas/UniDet/resources/UOD_dataset_ECCV20.zip
Enabling Deep Residual Networks for Weakly Supervised Object Detection
- 论文:https://www.ecva.net/papers/eccv_2020/papers_ECCV/html/479_ECCV_2020_paper.php
- 代码:https://github.com/shenyunhang/DRN-WSOD
UFO²: A Unified Framework towards Omni-supervised Object Detection
- 论文:https://www.ecva.net/papers/eccv_2020/papers_ECCV/html/3205_ECCV_2020_paper.php
- 代码:https://github.com/NVlabs/wetectron
Boosting Weakly Supervised Object Detection with Progressive Knowledge Transfer
Collaborative Training between Region Proposal Localization and Classification for Domain Adaptive Object Detection
- 论文:https://www.ecva.net/papers/eccv_2020/papers_ECCV/html/2920_ECCV_2020_paper.php
- 代码:https://github.com/GanlongZhao/CST_DA_detection
Every Pixel Matters: Center-aware Feature Alignment for Domain Adaptive Object Detector
- 主页:https://chengchunhsu.github.io/EveryPixelMatters/
- 论文:https://arxiv.org/abs/2008.08574
- 代码:https://github.com/chengchunhsu/EveryPixelMatters
Multi-Scale Positive Sample Refinement for Few-Shot Object Detection
- 论文:https://www.ecva.net/papers/eccv_2020/papers_ECCV/html/2581_ECCV_2020_paper.php
- 代码:https://github.com/jiaxi-wu/MPSR
Dual Refinement Underwater Object Detection Network
- 论文:https://www.ecva.net/papers/eccv_2020/papers_ECCV/html/3425_ECCV_2020_paper.php
- 代码:https://github.com/Peterchen111/FERNet
PIoU Loss: Towards Accurate Oriented Object Detection in Complex Environments
- 论文:https://www.ecva.net/papers/eccv_2020/papers_ECCV/html/3087_ECCV_2020_paper.php
- 代码:https://github.com/clobotics/piou
- 数据集:https://github.com/clobotics/piou
Arbitrary-Oriented Object Detection with Circular Smooth Label
Rethinking Pseudo-LiDAR Representation
Pillar-based Object Detection for Autonomous Driving
EPNet: Enhancing Point Features with Image Semantics for 3D Object Detection
Mining Inter-Video Proposal Relations for Video Object Detection
- 论文:https://www.ecva.net/papers/eccv_2020/papers_ECCV/html/3764_ECCV_2020_paper.php
- 代码:https://github.com/youthHan/HVRNet
Learning Where to Focus for Efficient Video Object Detection
- 主页:https://jiangzhengkai.github.io/LSTS/
- 论文:https://www.ecva.net/papers/eccv_2020/papers_ECCV/papers/123610018.pdf
- 代码:https://github.com/jiangzhengkai/LSTS
SNE-RoadSeg: Incorporating Surface Normal Information into Semantic Segmentation for Accurate Freespace Detection
- 主页:https://sites.google.com/view/sne-roadseg
- 论文:https://arxiv.org/abs/2008.11351
- 代码:https://github.com/hlwang1124/SNE-RoadSeg
- 数据集:https://drive.google.com/file/d/1YnkqPmzxtjNfMi2B1gMy7LQa5Gnu-BsH/view
Tensor Low-Rank Reconstruction for Semantic Segmentation
Bi-directional Cross-Modality Feature Propagation with Separation-and-Aggregation Gate for RGB-D Semantic Segmentation
GMNet: Graph Matching Network for Large Scale Part Semantic Segmentation in the Wild
- 主页:https://lttm.dei.unipd.it/paper_data/GMNet/
- 论文:https://arxiv.org/abs/2007.09073
- 代码:https://github.com/LTTM/GMNet
SegFix: Model-Agnostic Boundary Refinement for Segmentation
Mining Cross-Image Semantics for Weakly Supervised Semantic Segmentation
Improving Semantic Segmentation via Decoupled Body and Edge Supervision
SipMask: Spatial Information Preservation for Fast Image and Video Instance Segmentation
Commonality-Parsing Network across Shape and Appearance for Partially Supervised Instance Segmentation
Boundary-preserving Mask R-CNN
Conditional Convolutions for Instance Segmentation
- Oral
- 论文:https://arxiv.org/abs/2003.05664
- 代码:https://github.com/aim-uofa/AdelaiDet/blob/master/configs/CondInst/README.md
SOLO: Segmenting Objects by Locations
Axial-DeepLab: Stand-Alone Axial-Attention for Panoptic Segmentation
Collaborative Video Object Segmentation by Foreground-Background Integration
Video Object Segmentation with Episodic Graph Memory Networks
Ocean: Object-aware Anchor-Free Tracking
Towards Real-Time Multi-Object Tracking
Simultaneous Detection and Tracking with Motion Modelling for Multiple Object Tracking
- 论文:https://arxiv.org/abs/2008.08826
- 代码:https://github.com/shijieS/DMMN
- 数据集:https://github.com/shijieS/OmniMOTDataset
Chained-Tracker: Chaining Paired Attentive Regression Results for End-to-End Joint Multiple-Object Detection and Tracking
Ocean: Object-aware Anchor-Free Tracking
TAO: A Large-Scale Benchmark for Tracking Any Object
Segment as Points for Efficient Online Multi-Object Tracking and Segmentation
- Oral
- 论文:https://arxiv.org/abs/2007.01550
- 代码:https://github.com/detectRecog/PointTrack
- 数据集:https://github.com/detectRecog/PointTrack
Rewriting a Deep Generative Model
Contrastive Learning for Unpaired Image-to-Image Translation
XingGAN for Person Image Generation
- 论文:暂无
- 代码:https://github.com/Ha0Tang/XingGAN
Are Labels Necessary for Neural Architecture Search?
Rethinking Bottleneck Structure for Efficient Mobile Network Design
Fair DARTS: Eliminating Unfair Advantages in Differentiable Architecture Search
AdvPC: Transferable Adversarial Perturbations on 3D Point Clouds
A Closer Look at Local Aggregation Operators in Point Cloud Analysis
Multimodal Shape Completion via Conditional Generative Adversarial Networks
GRNet: Gridding Residual Network for Dense Point Cloud Completion
Progressive Point Cloud Deconvolution Generation Network
ProgressFace: Scale-Aware Progressive Learning for Face Detection
- 论文:http://www.ecva.net/papers/eccv_2020/papers_ECCV/papers/123510341.pdf
- 代码:https://github.com/jiashu-zhu/ProgressFace
Explainable Face Recognition
Self-Supervised Monocular 3D Face Reconstruction by Occlusion-Aware Multi-view Geometry Consistency
CelebA-Spoof: Large-Scale Face Anti-Spoofing Dataset with Rich Annotations
Edge-aware Graph Representation Learning and Reasoning for Face Parsing
What makes fake images detectable? Understanding properties that generalize
- 主页:https://chail.github.io/patch-forensics/
- 论文:http://xxx.itp.ac.cn/abs/2008.10588
- 代码:https://github.com/chail/patch-forensics
Rethinking the Distribution Gap of Person Re-identification with Camera-based Batch Normalization
Appearance-Preserving 3D Convolution for Video-based Person Re-identification
Do Not Disturb Me: Person Re-identification Under the Interference of Other Pedestrians
Faster Person Re-Identification
Temporal Complementary Learning for Video Person Re-Identification
Joint Disentangling and Adaptation for Cross-Domain Person Re-Identification
Robust Re-Identification by Multiple Views Knowledge Distillation
Multiple Expert Brainstorming for Domain Adaptive Person Re-identification
Simulating Content Consistent Vehicle Datasets with Attribute Descent
- 论文:https://arxiv.org/abs/1912.08855
- 代码:https://github.com/yorkeyao/VehicleX
- 数据集:https://github.com/yorkeyao/VehicleX
Orientation-aware Vehicle Re-identification with Semantics-guided Part Attention Network
Progressively Guided Alternate Refinement Network for RGB-D Salient Object Detection
Suppress and Balance: A Simple Gated Network for Salient Object Detection
-
Oral
Hierarchical Dynamic Filtering Network for RGB-D Salient Object Detection
A Single Stream Network for Robust and Real-time RGB-D Salient Object Detection
Cross-Modal Weighting Network for RGB-D Salient Object Detection
-
论文:暂无
BBS-Net: RGB-D Salient Object Detection with a Bifurcated Backbone Strategy Network
Highly Efficient Salient Object Detection with 100K Parameters
EagleEye: Fast Sub-net Evaluation for Efficient Neural Network Pruning
AssembleNet++: Assembling Modality Representations via Attention Connections
LEMMA: A Multi-view Dataset for Learning Multi-agent Multi-task Activities
AR-Net: Adaptive Frame Resolution for Efficient Action Recognition
- 主页:https://mengyuest.github.io/AR-Net/
- 论文:https://arxiv.org/abs/2007.15796
- 代码:https://github.com/mengyuest/AR-Net
Context-Aware RCNN: A Baseline for Action Detection in Videos
Actions as Moving Points
SF-Net: Single-Frame Supervision for Temporal Action Localization
Asynchronous Interaction Aggregation for Action Detection
Mask TextSpotter v3: Segmentation Proposal Network for Robust Scene Text Spotting
Adaptive Text Recognition through Visual Matching
Mask TextSpotter v3: Segmentation Proposal Network for Robust Scene Text Spotting
Learning and aggregating deep local descriptors for instance-level recognition
Online Invariance Selection for Local Feature Descriptors
Single-Image Depth Prediction Makes Feature Matching Easier
Pose2Mesh: Graph Convolutional Network for 3D Human Pose and Mesh Recovery from a 2D Human Pose
Key Frame Proposal Network for Efficient Pose Estimation in Videos
- 论文:https://arxiv.org/abs/2007.15217
- 代码:https://github.com/Yuexiaoxi10/Key-Frame-Proposal-Network-for-Efficient-Pose-Estimation-in-Videos
DOPE: Distillation Of Part Experts for whole-body 3D pose estimation in the wild
SMAP: Single-Shot Multi-Person Absolute 3D Pose Estimation
- 主页:https://zju3dv.github.io/SMAP/
- 论文:https://arxiv.org/abs/2008.11469
- 代码:https://github.com/zju3dv/SMAP
CosyPose: Consistent multi-view multi-object 6D pose estimation
Learning Stereo from Single Images
P2Net: Patch-match and Plane-regularization for Unsupervised Indoor Depth Estimation
Self-Supervised Monocular Depth Estimation: Solving the Dynamic Object Problem by Semantic Guidance
Non-Local Spatial Propagation Network for Depth Completion
Learning from Extrinsic and Intrinsic Supervisions for Domain Generalization
Deep Decomposition Learning for Inverse Imaging Problems
Component Divide-and-Conquer for Real-World Image Super-Resolution
- 论文:https://arxiv.org/abs/2008.01928
- 代码:https://github.com/xiezw5/Component-Divide-and-Conquer-for-Real-World-Image-Super-Resolution
- 数据集:https://github.com/xiezw5/Component-Divide-and-Conquer-for-Real-World-Image-Super-Resolution
Learning with Privileged Information for Efficient Image Super-Resolution
- 主页:https://cvlab.yonsei.ac.kr/projects/PISR/
- 论文:https://arxiv.org/abs/2007.07524
- 代码:https://github.com/cvlab-yonsei/PISR
Spatial-Angular Interaction for Light Field Image Super-Resolution
Invertible Image Rescaling
Video Super-Resolution with Recurrent Structure-Detail Network
End-to-end Interpretable Learning of Non-blind Image Deblurring
- 论文:https://arxiv.org/abs/2007.01769
- 代码:暂无(即将出来)
Efficient Spatio-Temporal Recurrent Neural Network for Video Deblurring
- 论文:https://www.ecva.net/papers/eccv_2020/papers_ECCV/html/5116_ECCV_2020_paper.php
- 代码:https://github.com/zzh-tech/ESTRNN
Rethinking Image Deraining via Rain Streaks and Vapors
Learning Enriched Features for Real Image Restoration and Enhancement
NAS-DIP: Learning Deep Image Prior with Neural Architecture Search
- 主页:https://yunchunchen.github.io/NAS-DIP/
- 论文:https://arxiv.org/abs/2008.11713
- 代码:https://github.com/YunChunChen/NAS-DIP-pytorch
Learning Joint Spatial-Temporal Transformations for Video Inpainting
Rethinking Image Inpainting via a Mutual Encoder-Decoder with Feature Equalizations
Domain-Specific Mappings for Generative Adversarial Style Transfer
- 主页:https://acht7111020.github.io/DSMAP-demo/
- 论文:http://xxx.itp.ac.cn/abs/2008.02198
- 代码:https://github.com/acht7111020/DSMAP
Atlas: End-to-End 3D Scene Reconstruction from Posed Images
- 主页:http://zak.murez.com/atlas/
- 论文:https://arxiv.org/abs/2003.10432
- 代码:https://github.com/magicleap/Atlas
- 视频:https://youtu.be/9NOPcOGV6nU
3D Bird Reconstruction: a Dataset, Model, and Shape Recovery from a Single View
- 主页:https://marcbadger.github.io/avian-mesh/
- 论文:https://arxiv.org/abs/2008.06133
- 代码:https://github.com/marcbadger/avian-mesh
- 数据集:https://drive.google.com/file/d/1vyXYIJIo9jneIqC7lowB4GVi17rjztjn/view?usp=sharing
Stochastic Bundle Adjustment for Efficient and Scalable 3D Reconstruction
Fashion Captioning: Towards Generating Accurate Descriptions with Semantic Rewards
SOLAR: Second-Order Loss and Attention for Image Retrieval
Self-supervising Fine-grained Region Similarities for Large-scale Image Localization
RAFT: Recurrent All-Pairs Field Transforms for Optical Flow
LiteFlowNet3: Resolving Correspondence Ambiguity for More Accurate Optical Flow Estimation
BMBC: Bilateral Motion Estimation with Bilateral Cost Volume for Video Interpolation
CurveLane-NAS: Unifying Lane-Sensitive Architecture Search and Adaptive Point Blending
Ultra Fast Structure-aware Deep Lane Detection
Gen-LaneNet: a generalized and scalable approach for 3D lane detection
- 论文:https://arxiv.org/abs/2003.10656
- 代码:https://github.com/yuliangguo/Pytorch_Generalized_3D_Lane_Detection
- 数据集:https://github.com/yuliangguo/3D_Lane_Synthetic_Dataset
SimAug: Learning Robust Representations from 3D Simulation for Pedestrian Trajectory Prediction in Unseen Cameras
Deep Hough-Transform Line Priors
ETH-XGaze: A Large Scale Dataset for Gaze Estimation under Extreme Head Pose and Gaze Variation
Towards End-to-end Video-based Eye-Tracking
Adversarial Ranking Attack and Defense
Square Attack: a query-efficient black-box adversarial attack via random search
Object Detection with a Unified Label Space from Multiple Datasets
- 主页:http://www.nec-labs.com/~mas/UniDet/
- 论文:https://arxiv.org/abs/2008.06614
- 代码:暂无
- 数据集:http://www.nec-labs.com/~mas/UniDet/resources/UOD_dataset_ECCV20.zip
Simulating Content Consistent Vehicle Datasets with Attribute Descent
- 论文:https://arxiv.org/abs/1912.08855
- 代码:https://github.com/yorkeyao/VehicleX
- 数据集:https://github.com/yorkeyao/VehicleX
InterHand2.6M: A Dataset and Baseline for 3D Interacting Hand Pose Estimation from a Single RGB Image
- 主页:https://mks0601.github.io/InterHand2.6M/
- 论文:https://arxiv.org/abs/2008.09309
- 代码:https://github.com/facebookresearch/InterHand2.6M
SNE-RoadSeg: Incorporating Surface Normal Information into Semantic Segmentation for Accurate Freespace Detection
- 主页:https://sites.google.com/view/sne-roadseg
- 论文:https://arxiv.org/abs/2008.11351
- 代码:https://github.com/hlwang1124/SNE-RoadSeg
- 数据集:https://drive.google.com/file/d/1YnkqPmzxtjNfMi2B1gMy7LQa5Gnu-BsH/view
CurveLane-NAS: Unifying Lane-Sensitive Architecture Search and Adaptive Point Blending
Detecting natural disasters, damage, and incidents in the wild
- 主页:http://incidentsdataset.csail.mit.edu/
- 论文:https://arxiv.org/abs/2008.09188
- 数据集:https://github.com/ethanweber/IncidentsDataset
Simultaneous Detection and Tracking with Motion Modelling for Multiple Object Tracking
- 论文:https://arxiv.org/abs/2008.08826
- 代码:https://github.com/shijieS/DMMN
- 数据集:https://github.com/shijieS/OmniMOTDataset
3D Bird Reconstruction: a Dataset, Model, and Shape Recovery from a Single View
- 主页:https://marcbadger.github.io/avian-mesh/
- 论文:https://arxiv.org/abs/2008.06133
- 代码:https://github.com/marcbadger/avian-mesh
- 数据集:https://drive.google.com/file/d/1vyXYIJIo9jneIqC7lowB4GVi17rjztjn/view?usp=sharing
Fashion Captioning: Towards Generating Accurate Descriptions with Semantic Rewards
From Shadow Segmentation to Shadow Removal
LEMMA: A Multi-view Dataset for Learning Multi-agent Multi-task Activities
Component Divide-and-Conquer for Real-World Image Super-Resolution
Towards End-to-end Video-based Eye-Tracking
Reconstructing NBA Players
CelebA-Spoof: Large-Scale Face Anti-Spoofing Dataset with Rich Annotations
PIoU Loss: Towards Accurate Oriented Object Detection in Complex Environments
DanbooRegion: An Illustration Region Dataset
Segment as Points for Efficient Online Multi-Object Tracking and Segmentation
- Oral
- 论文:https://arxiv.org/abs/2007.01550
- 代码:https://github.com/detectRecog/PointTrack
- 数据集:https://github.com/detectRecog/PointTrack
Gen-LaneNet: a generalized and scalable approach for 3D lane detection
- 论文:https://arxiv.org/abs/2003.10656
- 代码:https://github.com/yuliangguo/Pytorch_Generalized_3D_Lane_Detection
- 数据集:https://github.com/yuliangguo/3D_Lane_Synthetic_Dataset
TAO: A Large-Scale Benchmark for Tracking Any Object
Structured3D: A Large Photo-realistic Dataset for Structured 3D Modeling
- 主页:http://structured3d-dataset.org
- 论文:https://arxiv.org/abs/1908.00222
- 代码:https://github.com/bertjiazheng/Structured3D
AiR: Attention with Reasoning Capability
Pose Augmentation: Class-agnostic Object Pose Transformation for Object Recognition
Improving Multispectral Pedestrian Detection by Addressing Modality Imbalance Problems
- 论文:https://arxiv.org/abs/2008.03043
- 代码:https://github.com/CalayZhou/MBNet
- Demo:https://www.bilibili.com/video/BV1Hi4y137aS
From Shadow Segmentation to Shadow Removal
论文:http://xxx.itp.ac.cn/abs/2008.00267
代码和数据集:https://www3.cs.stonybrook.edu/~cvl/projects/FSS2SR/index.html
Funnel Activation for Visual Recognition
Open-Edit: Open-Domain Image Manipulation with Open-Vocabulary Instructions
- 论文:暂无
- 代码:https://github.com/xh-liu/Open-Edit
- Video:https://youtu.be/8E3bwvjCHYE
Consensus-Aware Visual-Semantic Embedding for Image-Text Matching
Perceiving 3D Human-Object Spatial Arrangements from a Single Image in the Wild
- 主页:https://jasonyzhang.com/phosa/
- 论文下载:https://arxiv.org/abs/2007.15649
- 代码:https://github.com/jasonyzhang/phosa
AiR: Attention with Reasoning Capability
Distribution-Balanced Loss for Multi-Label Classification in Long-Tailed Datasets
A Generic Visualization Approach for Convolutional Neural Networks
Deep Plastic Surgery: Robust and Controllable Image Editing with Human-Drawn Sketches
- 主页:https://williamyang1991.github.io/projects/ECCV2020
- 论文:https://arxiv.org/abs/2001.02890
- 代码:https://github.com/TAMU-VITA/DeepPS
GIQA: Generated Image Quality Assessment
Structured3D: A Large Photo-realistic Dataset for Structured 3D Modeling
- 主页:http://structured3d-dataset.org
- 论文:https://arxiv.org/abs/1908.00222
- 代码:https://github.com/bertjiazheng/Structured3D
AiR: Attention with Reasoning Capability
Relation Aware Panoptic Segmentation
- 论文:暂无
- 代码:https://github.com/RAPNet/RAP
Spatial-Angular Interaction for Light Field Image Super-Resolution
TVR: A Large-Scale Dataset for Video-Subtitle Moment Retrieval
- 论文:https://arxiv.org/abs/2001.09099
- 代码:https://github.com/jayleicn/TVRetrieval
- 代码:https://github.com/jayleicn/TVCaption
Self-supervising Fine-grained Region Similarities for IBL
- 论文:暂无
- 代码: https://github.com/ID2191/ECCV2020