Skip to content

shawnyuen/object_detection_paper_collection

Folders and files

NameName
Last commit message
Last commit date

Latest commit

 

History

37 Commits
 
 

Repository files navigation

object_detection_paper_collection

Review and Survey

Object Detection with Deep Learning: A Review 2018 [paper]

Deep Learning for Generic Object Detection: A Survey 2018 [paper]

Object Detection in 20 Years: A Survey 2019 [paper]

A Survey of Deep Learning-based Object Detection 2019 [paper]

Recent Advances in Deep Learning for Object Detection 2019 [paper]

Imbalance Problems in Object Detection: A Review 2019 [paper]

2023

Lite DETR - An Interleaved Multi-Scale Encoder for Efficient DETR CVPR 2023 [paper]

2022

CenterNet++ for Object Detection arXiv 2022 [paper] [code]

"On the MS-COCO dataset, CenterNet with Res2Net-101 and Swin-Transformer achieves APs of 53.7% and 57.1%, respectively"

(ViTDet) Exploring Plain Vision Transformer Backbones for Object Detection arXiv 2022 [paper]

"We report 61.3 AP^box on the COCO dataset with a plain ViT-Huge backbone, using only ImageNet-1K pre-training with no labels", "research direction: plain-backbone detection, decoupling pre-training and fine-tuning"

YOLOv7 - Trainable Bag-of-freebies Sets New State-of-the-art for Real-time Object Detectors arXiv 2022 [paper] [code]

2014

(R-CNN) Rich Feature Hierarchies for Accurate Object Detection and Semantic Segmentation CVPR 2014 [TPAMI paper] [Caffe code]

(SPP-Net) Spatial Pyramid Pooling in Deep Convolutional Networks for Visual Recognition ECCV 2014 [TPAMI paper] [Caffe code] [Keras code] [TF code]

(OverFeat) OverFeat Integrated Recognition Localization and Detection Using Convolutional Networks ICLR 2014 [paper] [Torch code]

(DeepMultiBox) Scalable Object Detection Using Deep Neural Networks CVPR 2014 [paper]

2015

(Fast R-CNN) Fast R-CNN ICCV 2015 [paper] [Caffe code]

(Faster R-CNN/2D RPN) Faster R-CNN Towards Real-time Object Detection with Region Proposal Networks NIPS 2015 [NIPS paper] [Caffe-python code] [[Caffe-matlab code]] [TF code] [PyTorch code]

(Multi-Region CNN) Object Detection via a Multi-region and Samantic Segmentation-aware CNN Model ICCV 2015 [paper] [Caffe code]

(Face) A Convolutional Neural Network Cascade for Face Detection CVPR 2015 [paper]

(DeepBox) DeepBox Learning Objectness with Convolutional Networks ICCV 2015 [paper] [Caffe code]

(AttentionNet) AttentionNet Aggregating Weak Directions for Accurate Object Detection ICCV 2015 [paper]

(DeepProposals) DeepProposals Hunting Objects and Actions by Cascading Deep Convolutional Layers ICCV 2015 [IJCV paper] [MatConvNet code]

DeepID-Net: Deformable deep convolutional neural networks for object detection [paper]

2016

G-CNN An Iterative Grid Based Object Detector CVPR 2016 [paper]

(Face) Joint Face Detection and Alignment Using Multi-task Cascaded Convolutional Networks SPL 2016 [paper]

(Face) UnitBox An Advanced Object Detection Network ACM MM 2016 [paper]

"Intersection over Union (IoU) Loss"

(YOLO v1) You Only Look Once Unified Real-time Object Detection CVPR 2016 [paper] [darknet code]

(SSD) SSD Single Shot MultiBox Detector ECCV 2016 [paper] [Caffe code] [TF code] [PyTorch]

(R-FCN) R-FCN Object Detection via Region-based Fully Convolutional Networks NIPS 2016 [paper] [Caffe Dai's code] [Caffe code]

Beyond Skip Connections Top-Down Modulation for Object Detection 2016 [paper]

(MS-CNN) A Unified Multi-scale Deep Convolutional Neural Network for Fast Object Detection ECCV 2016 [paper] [Caffe code]

LocNet Improving Localization Accuracy for Object Detection CVPR 2016 [paper]

Training Region-Based Object Detectors with Online Hard Example Mining CVPR 2016 [paper] [Caffe code]

Inside-outside Net Detecting Objects in Context with Skip Pooling and Recurrent Neural Networks CVPR 2016 [paper]

(AZ-Net) Adaptive Object Detection Using Adjacency and Zoom Prediction CVPR 2016 [paper] [Caffe code]

HyperNet Towards Accurate Region Proposal Generation and Joint Object Detection CVPR 2016 [paper]

CRAFT Objects From Images CVPR 2016 [paper] [Caffe code]

A MultiPath Network for Object Detection BMVC 2016 [paper] [Torch code]

Crafting GBD-Net for Object Detection ECCV 2016 [TPAMI paper] [Caffe code]

Contextual Priming and Feedback for Faster R-CNN ECCV 2016 [paper]

PVANET Deep but Lightweight Neural Networks for Real-time Object Detection NIPSW 2016 [paper] [Caffe code]

2017

(Face) Face Detection with the Faster R-CNN ICAFGR 2017 [paper]

(Face) Finding Tiny Faces CVPR 2017 [paper]

(Face) An All-in-one ConvNets for Face Analysis ICAFGR 2017 [paper]

(Face) SSH Single Stage Headless Face Detector ICCV 2017 [paper]

(Face) S3FD Single Shot Scale-invariant Face Detector ICCV 2017 [paper]

(Face) Faceness-Net Face Detection through Deep Facial Part Responses TPAMI 2017 [paper]

(Face) Face Detection, Bounding Box Aggregation and Pose Estimation for Robust Facial Landmark Localisation in the Wild CVPR 2017 [paper]

(Face) Detecting Faces Using Region-based Fully Convolutional Networks 2017 [paper]

(Face) Detecting Faces Using Inside Cascaded Contextual CNN ICCV 2017 [paper]

Light-Head R-CNN In Defense of Two-Stage Object Detector 2017 [paper]

(YOLO v2) YOLO9000 Better Faster Stronger CVPR 2017 [paper] [darknet code] [Caffe code] [TF code] [TF code] [PyTorch code]

(DSSD) DSSD Deconvolutional Single Shot Detector 2017 [paper] [Caffe code]

(FPN) Feature Pyramid Networks for Object Detection CVPR 2017 [paper] [Caffe code]

(DSOD) DSOD Learning Deeply Supervised Object Detectors From Scratch ICCV 2017 [ICCV paper] [arXiv paper] [Caffe code] [Pytorch code]

(RetinaNet) Focal Loss for Dense Object Detection ICCV 2017 [paper] [Keras code] [PyTorch code] [MXNet code] [TF code]

MegDet A Large Mini-Batch Object Detector 2017 [paper]

A-Fast-RCNN Hard Positive Generation via Adversary for Object Detection CVPR 2017 [paper]

Deformable Convolutional Networks ICCV 2017 [paper] [MXNet dai's code] [TF code] [PyTorch code]

Speed Accuracy Trade-offs for Modern Convolutional Object Detectors CVPR 2017 [paper]

"best paper"

(Soft NMS) Soft-NMS -- Improving Object Detection With One Line of Code ICCV 2017 [paper] [code]

An Analysis of Scale Invariance in Object Detection - SNIP 2017 [paper]

CoupleNet Coupling Global Structure with Local Parts for Object Detection ICCV 2017 [paper] [Caffe code]

(RON) RON Reverse Connection with Objectness Prior Networks for Object Detection CVPR 2017 [paper] [Caffe kong's code] [TF code]

(DeNet) DeNet Scalable Real-time Object Detection with Directed Sparse Sampling ICCV 2017 [paper] [Theano code]

Object Detection Networks on Convolutional Feature Maps IEEE TPAMI 2017 [TPAMI paper]

Spatial Memory for Context Reasoning in Object Detection ICCV 2017 [paper]

Receptive Field Block Net for Accurate and Fast Object Detection ECCV 2018 [paper] [PyTorch]

(Learnable NMS) Learning Non-maximum Suppression CVPR 2017 [paper]

Learning Object Detectors from Scratch with Gated Recurrent Feature Pyramids 2017 [paper]

2018

(Face) Face Detection Using Improved Faster RCNN 2018 [paper]

(Face) PyramidBox A Context-assisted Single Shot Face Detector ECCV 2018 [paper]

(YOLO v3) YOLOv3 An Incremental Improvement 2018 [paper] [darknet code] [PyTorch code] [PyTorch code] [Keras code] [TF code]

(DetNet) DetNet A Backbone network for Object Detection [paper]

(DetNet) DetNet Design Backbone for Object Detection ECCV 2018 [paper]

(CornerNet) CornerNet Detecting Objects as Paired Keypoints ECCV 2018 [paper]

"CornerNet"

(Face) Fast Deep Convolutional Face Detection in the Wild Exploiting Hard Sample Mining [paper]

(IoU-Net) Acquisition of Localization Confidence for Accurate Object Detection ECCV 2018

"IoU-Net"

(Cascade R-CNN) Cascade R-CNN Delving Into High Quality Object Detection CVPR 2018 [paper] [code]

Structure Inference Net Object Detection Using Scene-Level Context and Instance-Level Relationships CVPR 2018 [paper] [TF code]

Scale-Transferrable Object Detection CVPR 2018 [paper]

(Softer NMS) Softer-NMS Rethinking Bounding Box Regression for Accurate Object Detection 2018 [paper] [code]

"novel objection detection loss, KL loss"

Learning Globally Optimized Object Detector via Policy Gradient CVPR 2018 [paper]

Relation Networks for Object Detection CVPR 2018 [paper]

Object Detection from Scratch with Deep Supervision arXiv 2018 [paper]

"IEEE TPAMI version of DSOD", "adding an experiment about comparison to Mask R-CNN"

(RefineDet) Single-Shot Refinement Neural Network for Object Detection CVPR 2018 [paper] [ArXiv paper] [Caffe code] [Chainer code]

TS2C Tight Box Mining with Surrounding Segmentation Context for Weakly Supervised Object Detection ECCV 2018 [paper]

Tiny-DSOD Lightweight Object Detection for Resource-Restricted Usages BMVC 2018 [paper]

Context Refinement for Object Detection ECCV 2018 [paper]

Deep Feature Pyramid Reconfiguration for Object Detection ECCV 2018 [paper]

Modeling Visual Context is Key to Augmenting Object Detection Datasets ECCV 2018 [paper]

2019

Dense RepPoints Representing Visual Objects with Dense Point Sets arXiv 2019 [paper] [code]

FoveaBox Beyond Anchor-based Object Detector arXiv 2019 [paper] [code]

GCNet Non-local Networks Meet Squeeze-Excitation Networks and Beyond arXiv 2019 [paper] [PyTorch code]

Gradient Harmonized Single-stage Detector AAAI 2019 [paper] [ode]

Prime Sample Attention in Object Detection arXiv 2019 [paper]

RepPoints Point Set Representation for Object Detection ICCV 2019 [paper] [code]

2020

BorderDet Border Feature for Dense Object Detection ECCV 2020 [paper] [code]

DR Loss Improving Object Detection by Distributional Ranking CVPR 2020 [paper]

FCOS A Simple and Strong Anchor-free Object Detector arXiv 2020 [paper]

Generalized Focal Loss V2 Learning Reliable Localization Quality Estimation for Dense Object Detection arXiv 2020 [paper] [code]

MatrixNets A New Scale and Aspect Ratio Aware Architecture for Object Detection arXiv 2020 [paper]

RelationNet++ Bridging Visual Representations for Object Detection via Transformer Decoder [paper] [code]

RepPoints V2 Verification Meets Regression for Object Detection arXiv 2020 [paper] [code]

Sparse R-CNN End-to-End Object Detection with Learnable Proposals arXiv 2020 [paper] [code]

2021

Benchmarking Detection Transfer Learning with Vision Transformers arXiv 2021 [paper]

Oriented R-CNN for Object Detection ICCV 2021 [paper]