Object Detection(目标检测论文、代码资源整合)

目标检测神文,非常全而且持续在更新。转发自:https://handong1587.github.io/deep_learning/2015/10/09/object-detection.html ,如有侵权联系删除。

https://blog.csdn.net/alphonse2017/article/details/85103295,

我会跟进原作者博客持续更新,加入自己对目标检测领域的一些新研究及论文解读。博客根据需求直接进行关键字搜索,例如2018,可找到最新论文。

文章目录

Methodbackbonetest sizeVOC2007VOC2010VOC2012ILSVRC 2013MSCOCO 2015Speed
OverFeat24.3%
R-CNNAlexNet58.5%53.7%53.3%31.4%
R-CNNVGG1766.0%
SPP_netZF-554.2%31.84%
DeepID-Net64.1%50.3%
NoC73.3%68.8%
Fast-RCNNVGG1670.0%68.8%68.4%19.7%(@[0.5-0.95]), 35.9%(@0.5)
MR-CNN78.2%73.9%
Faster-RCNNVGG1678.8%75.9%21.9%(@[0.5-0.95]), 42.7%(@0.5)198ms
Faster-RCNNResNet10185.6%83.8%37.4%(@[0.5-0.95]), 59.0%(@0.5)
YOLO63.4%57.9%45 fps
YOLOVGG-1666.4%21 fps
YOLOv2448x44878.6%73.4%21.6%(@[0.5-0.95]), 44.0%(@0.5)40 fps
SSDVGG16300x30077.2%75.8%25.1%(@[0.5-0.95]), 43.1%(@0.5)46 fps
SSDVGG16512x51279.8%78.5%28.8%(@[0.5-0.95]), 48.5%(@0.5)19 fps
SSDResNet101300x30028.0%(@[0.5-0.95])16 fps
SSDResNet101512x51231.2%(@[0.5-0.95])8 fps
DSSDResNet101300x30028.0%(@[0.5-0.95])8 fps
DSSDResNet101500x50033.2%(@[0.5-0.95])6 fps
ION79.2%76.4%
CRAFT75.7%71.3%48.5%
OHEM78.9%76.3%25.5%(@[0.5-0.95]), 45.9%(@0.5)
R-FCNResNet5077.4%0.12sec(K40), 0.09sec(TitianX)
R-FCNResNet10179.5%0.17sec(K40), 0.12sec(TitianX)
R-FCN(ms train)ResNet10183.6%82.0%31.5%(@[0.5-0.95]), 53.2%(@0.5)
PVANet 9.084.9%84.2%750ms(CPU), 46ms(TitianX)
RetinaNetResNet101-FPN
Light-Head R-CNNXception*800/120031.5%@[0.5:0.95]95 fps
Light-Head R-CNNXception*700/110030.7%@[0.5:0.95]102 fps

Papers



Deep Neural Networks for Object Detection

OverFeat: Integrated Recognition, Localization and Detection using Convolutional Networks


R-CNN

Rich feature hierarchies for accurate object detection and semantic segmentation


Fast R-CNN

Fast R-CNN

A-Fast-RCNN: Hard Positive Generation via Adversary for Object Detection

Faster R-CNN

Faster R-CNN: Towards Real-Time Object Detection with Region Proposal Networks

R-CNN minus R

Faster R-CNN in MXNet with distributed implementation and data parallelization

Contextual Priming and Feedback for Faster R-CNN

An Implementation of Faster RCNN with Study for Region Sampling

Interpretable R-CNN


Light-Head R-CNN

Light-Head R-CNN: In Defense of Two-Stage Object Detector

##Cascade R-CNN

Cascade R-CNN: Delving into High Quality Object Detection


MultiBox

Scalable Object Detection using Deep Neural Networks

Scalable, High-Quality Object Detection


SPP-Net

Spatial Pyramid Pooling in Deep Convolutional Networks for Visual Recognition

DeepID-Net: Deformable Deep Convolutional Neural Networks for Object Detection

Object Detectors Emerge in Deep Scene CNNs

segDeepM: Exploiting Segmentation and Context in Deep Neural Networks for Object Detection

Object Detection Networks on Convolutional Feature Maps

Improving Object Detection with Deep Convolutional Networks via Bayesian Optimization and Structured Prediction

DeepBox: Learning Objectness with Convolutional Networks


MR-CNN

Object detection via a multi-region & semantic segmentation-aware CNN model


YOLO

You Only Look Once: Unified, Real-Time Object Detection

这里写图片描述

darkflow - translate darknet to tensorflow. Load trained weights, retrain/fine-tune them using tensorflow, export constant graph def to C++

Start Training YOLO with Our Own Data

这里写图片描述

YOLO: Core ML versus MPSNNGraph

TensorFlow YOLO object detection on Android

Computer Vision in iOS – Object Detection


YOLOv2

YOLO9000: Better, Faster, Stronger

darknet_scripts

Yolo_mark: GUI for marking bounded boxes of objects in images for training Yolo v2

LightNet: Bringing pjreddie’s DarkNet out of the shadows

YOLO v2 Bounding Box Tool


YOLOv3

YOLOv3: An Incremental Improvement

YOLO-LITE: A Real-Time Object Detection Algorithm Optimized for Non-GPU Computers


AttentionNet: Aggregating Weak Directions for Accurate Object Detection


DenseBox

DenseBox: Unifying Landmark Localization with End to End Object Detection


SSD

SSD: Single Shot MultiBox Detector

这里写图片描述


DSSD

DSSD : Deconvolutional Single Shot Detector

Enhancement of SSD by concatenating feature maps for object detection

Context-aware Single-Shot Detector

Feature-Fused SSD: Fast Detection for Small Objects

https://arxiv.org/abs/1709.05054


FSSD

FSSD: Feature Fusion Single Shot Multibox Detector

https://arxiv.org/abs/1712.00960

Weaving Multi-scale Context for Single Shot Detector


ESSD

Extend the shallow part of Single Shot MultiBox Detector via Convolutional Neural Network

Tiny SSD: A Tiny Single-shot Detection Deep Convolutional Neural Network for Real-time Embedded Object Detection

MDSSD: Multi-scale Deconvolutional Single Shot Detector for small objects


Inside-Outside Net (ION)

Inside-Outside Net: Detecting Objects in Context with Skip Pooling and Recurrent Neural Networks

Adaptive Object Detection Using Adjacency and Zoom Prediction

G-CNN: an Iterative Grid Based Object Detector


Factors in Finetuning Deep Model for object detection

Factors in Finetuning Deep Model for Object Detection with Long-tail Distribution

We don’t need no bounding-boxes: Training object class detectors using only human verification

HyperNet: Towards Accurate Region Proposal Generation and Joint Object Detection

A MultiPath Network for Object Detection


CRAFT

CRAFT Objects from Images


OHEM

Training Region-based Object Detectors with Online Hard Example Mining

S-OHEM: Stratified Online Hard Example Mining for Object Detection

Exploit All the Layers: Fast and Accurate CNN Object Detector with Scale Dependent Pooling and Cascaded Rejection Classifiers


R-FCN

R-FCN: Object Detection via Region-based Fully Convolutional Networks

arxiv: http://arxiv.org/abs/1605.06409
github: https://github.com/daijifeng001/R-FCN
github(MXNet): https://github.com/msracver/Deformable-ConvNets/tree/master/rfcn
github: https://github.com/Orpine/py-R-FCN
github: https://github.com/PureDiors/pytorch_RFCN
github: https://github.com/bharatsingh430/py-R-FCN-multiGPU
github: https://github.com/xdever/RFCN-tensorflow

R-FCN-3000 at 30fps: Decoupling Detection and Classification

Recycle deep features for better object detection


MS-CNN

A Unified Multi-scale Deep Convolutional Neural Network for Fast Object Detection

Multi-stage Object Detection with Group Recursive Learning

Subcategory-aware Convolutional Neural Networks for Object Proposals and Detection


PVANET

PVANet: Lightweight Deep Neural Networks for Real-time Object Detection


GBD-Net

Gated Bi-directional CNN for Object Detection

Crafting GBD-Net for Object Detection

StuffNet: Using ‘Stuff’ to Improve Object Detection

Generalized Haar Filter based Deep Networks for Real-Time Object Detection in Traffic Scene

Hierarchical Object Detection with Deep Reinforcement Learning

Learning to detect and localize many objects from few examples

Speed/accuracy trade-offs for modern convolutional object detectors

SqueezeDet: Unified, Small, Low Power Fully Convolutional Neural Networks for Real-Time Object Detection for Autonomous Driving


Feature Pyramid Network (FPN)

Feature Pyramid Networks for Object Detection

Action-Driven Object Detection with Top-Down Visual Attentions

Beyond Skip Connections: Top-Down Modulation for Object Detection

Wide-Residual-Inception Networks for Real-time Object Detection

Attentional Network for Visual Object Detection

Learning Chained Deep Features and Classifiers for Cascade in Object Detection

DeNet: Scalable Real-time Object Detection with Directed Sparse Sampling

Discriminative Bimodal Networks for Visual Localization and Detection with Natural Language Queries

Spatial Memory for Context Reasoning in Object Detection

Accurate Single Stage Detector Using Recurrent Rolling Convolution

Deep Occlusion Reasoning for Multi-Camera Multi-Target Detection

LCDet: Low-Complexity Fully-Convolutional Neural Networks for Object Detection in Embedded Systems

Point Linking Network for Object Detection

Perceptual Generative Adversarial Networks for Small Object Detection

Few-shot Object Detection

Yes-Net: An effective Detector Based on Global Information

SMC Faster R-CNN: Toward a scene-specialized multi-object detector

Towards lightweight convolutional neural networks for object detection

RON: Reverse Connection with Objectness Prior Networks for Object Detection

Mimicking Very Efficient Network for Object Detection

Residual Features and Unified Prediction Network for Single Stage Detection

https://arxiv.org/abs/1707.05031

Deformable Part-based Fully Convolutional Network for Object Detection

Adaptive Feeding: Achieving Fast and Accurate Detections by Adaptively Combining Object Detectors

Recurrent Scale Approximation for Object Detection in CNN


DSOD

DSOD: Learning Deeply Supervised Object Detectors from Scratch

这里写图片描述

Object Detection from Scratch with Deep Supervision

##RetinaNet

Focal Loss for Dense Object Detection

Focal Loss Dense Detector for Vehicle Surveillance

CoupleNet: Coupling Global Structure with Local Parts for Object Detection

Incremental Learning of Object Detectors without Catastrophic Forgetting

Zoom Out-and-In Network with Map Attention Decision for Region Proposal and Object Detection

StairNet: Top-Down Semantic Aggregation for Accurate One Shot Detection

Dynamic Zoom-in Network for Fast Object Detection in Large Images

https://arxiv.org/abs/1711.05187

Zero-Annotation Object Detection with Web Knowledge Transfer


MegDet

MegDet: A Large Mini-Batch Object Detector

Single-Shot Refinement Neural Network for Object Detection

Receptive Field Block Net for Accurate and Fast Object Detection

An Analysis of Scale Invariance in Object Detection - SNIP

Feature Selective Networks for Object Detection

Learning a Rotation Invariant Detector with Rotatable Bounding Box

Scalable Object Detection for Stylized Objects

Learning Object Detectors from Scratch with Gated Recurrent Feature Pyramids

Deep Regionlets for Object Detection

Training and Testing Object Detectors with Virtual Images

Large-Scale Object Discovery and Detector Adaptation from Unlabeled Video

  • keywords: object mining, object tracking, unsupervised object discovery by appearance-based clustering, self-supervised detector adaptation
  • arxiv: https://arxiv.org/abs/1712.08832

Spot the Difference by Object Detection

Localization-Aware Active Learning for Object Detection

Object Detection with Mask-based Feature Encoding

LSTD: A Low-Shot Transfer Detector for Object Detection

Domain Adaptive Faster R-CNN for Object Detection in the Wild

Pseudo Mask Augmented Object Detection

Revisiting RCNN: On Awakening the Classification Power of Faster RCNN

Decoupled Classification Refinement: Hard False Positive Suppression for Object Detection

Learning Region Features for Object Detection

Single-Shot Bidirectional Pyramid Networks for High-Quality Object Detection

Object Detection for Comics using Manga109 Annotations

Task-Driven Super Resolution: Object Detection in Low-resolution Images

Transferring Common-Sense Knowledge for Object Detection

Multi-scale Location-aware Kernel Representation for Object Detection

Loss Rank Mining: A General Hard Example Mining Method for Real-time Detectors

DetNet: A Backbone network for Object Detection

Robust Physical Adversarial Attack on Faster R-CNN Object Detector

AdvDetPatch: Attacking Object Detectors with Adversarial Patches

Attacking Object Detectors via Imperceptible Patches on Background

Physical Adversarial Examples for Object Detectors

Quantization Mimic: Towards Very Tiny CNN for Object Detection

Object detection at 200 Frames Per Second

Object Detection using Domain Randomization and Generative Adversarial Refinement of Synthetic Images

SNIPER: Efficient Multi-Scale Training

Soft Sampling for Robust Object Detection

MetaAnchor: Learning to Detect Objects with Customized Anchors

Localization Recall Precision (LRP): A New Performance Metric for Object Detection

Auto-Context R-CNN

Pooling Pyramid Network for Object Detection

Modeling Visual Context is Key to Augmenting Object Detection Datasets

Dual Refinement Network for Single-Shot Object Detection

Acquisition of Localization Confidence for Accurate Object Detection

CornerNet: Detecting Objects as Paired Keypoints

Unsupervised Hard Example Mining from Videos for Improved Object Detection

SAN: Learning Relationship between Convolutional Features for Multi-Scale Object Detection

A Survey of Modern Object Detection Literature using Deep Learning

Tiny-DSOD: Lightweight Object Detection for Resource-Restricted Usages

Deep Feature Pyramid Reconfiguration for Object Detection

MDCN: Multi-Scale, Deep Inception Convolutional Neural Networks for Efficient Object Detection

Recent Advances in Object Detection in the Age of Deep Convolutional Neural Networks

Deep Learning for Generic Object Detection: A Survey

Training Confidence-Calibrated Classifier for Detecting Out-of-Distribution Samples

ScratchDet:Exploring to Train Single-Shot Object Detectors from Scratch

Fast and accurate object detection in high resolution 4K and 8K video using GPUs

  • intro: Best Paper Finalist at IEEE High Performance Extreme Computing Conference (HPEC) 2018
  • intro: Carnegie Mellon University
  • arxiv: https://arxiv.org/abs/1810.10551

Hybrid Knowledge Routed Modules for Large-scale Object Detection

Gradient Harmonized Single-stage Detector

M2Det: A Single-Shot Object Detector based on Multi-Level Feature Pyramid Network

BAN: Focusing on Boundary Context for Object Detection

Multi-layer Pruning Framework for Compressing Single Shot MultiBox Detector

R2CNN++: Multi-Dimensional Attention Based Rotation Invariant Detector with Robust Anchor Strategy

DeRPN: Taking a further step toward more general object detection

Fast Efficient Object Detection Using Selective Attention

Sampling Techniques for Large-Scale Object Detection from Sparsely Annotated Objects


Non-Maximum Suppression (NMS)

End-to-End Integration of a Convolutional Network, Deformable Parts Model and Non-Maximum Suppression

A convnet for non-maximum suppression

Soft-NMS – Improving Object Detection With One Line of Code

Learning non-maximum suppression

Relation Networks for Object Detection


Adversarial Examples

Adversarial Examples that Fool Detectors

Adversarial Examples Are Not Easily Detected: Bypassing Ten Detection Methods


Weakly Supervised Object Detection

Track and Transfer: Watching Videos to Simulate Strong Human Supervision for Weakly-Supervised Object Detection

Weakly supervised object detection using pseudo-strong labels

Saliency Guided End-to-End Learning for Weakly Supervised Object Detection

Visual and Semantic Knowledge Transfer for Large Scale Semi-supervised Object Detection


Video Object Detection

Learning Object Class Detectors from Weakly Annotated Video

Analysing domain shift factors between videos and images for object detection

Video Object Recognition

Deep Learning for Saliency Prediction in Natural Video

T-CNN: Tubelets with Convolutional Neural Networks for Object Detection from Videos

Object Detection from Video Tubelets with Convolutional Neural Networks

Object Detection in Videos with Tubelets and Multi-context Cues

Context Matters: Refining Object Detection in Video with Recurrent Neural Networks

CNN Based Object Detection in Large Video Images

Object Detection in Videos with Tubelet Proposal Networks

Flow-Guided Feature Aggregation for Video Object Detection

Video Object Detection using Faster R-CNN

Improving Context Modeling for Video Object Detection and Tracking

http://image-net.org/challenges/talks_2017/ilsvrc2017_short(poster).pdf

Temporal Dynamic Graph LSTM for Action-driven Video Object Detection

Mobile Video Object Detection with Temporally-Aware Feature Maps

Towards High Performance Video Object Detection

Impression Network for Video Object Detection

Spatial-Temporal Memory Networks for Video Object Detection

3D-DETNet: a Single Stage Video-Based Vehicle Detector

Object Detection in Videos by Short and Long Range Object Linking

Object Detection in Video with Spatiotemporal Sampling Networks

Towards High Performance Video Object Detection for Mobiles

Optimizing Video Object Detection via a Scale-Time Lattice

Pack and Detect: Fast Object Detection in Videos Using Region-of-Interest Packing

Fast Object Detection in Compressed Video


Object Detection on Mobile Devices

Pelee: A Real-Time Object Detection System on Mobile Devices


Object Detection in 3D

Vote3Deep: Fast Object Detection in 3D Point Clouds Using Efficient Convolutional Neural Networks

Complex-YOLO: Real-time 3D Object Detection on Point Clouds

Focal Loss in 3D Object Detection


Object Detection on RGB-D

Learning Rich Features from RGB-D Images for Object Detection and Segmentation

Differential Geometry Boosts Convolutional Neural Networks for Object Detection

A Self-supervised Learning System for Object Detection using Physics Simulation and Multi-view Pose Estimation


Zero-Shot Object Detection

Zero-Shot Detection

Zero-Shot Object Detection

Zero-Shot Object Detection: Learning to Simultaneously Recognize and Localize Novel Concepts

Zero-Shot Object Detection by Hybrid Region Embedding


Salient Object Detection

This task involves predicting the salient regions of an image given by human eye fixations.

Best Deep Saliency Detection Models (CVPR 2016 & 2015)

Large-scale optimization of hierarchical features for saliency prediction in natural images

Predicting Eye Fixations using Convolutional Neural Networks

Saliency Detection by Multi-Context Deep Learning

DeepSaliency: Multi-Task Deep Neural Network Model for Salient Object Detection

SuperCNN: A Superpixelwise Convolutional Neural Network for Salient Object Detection

Shallow and Deep Convolutional Networks for Saliency Prediction

Recurrent Attentional Networks for Saliency Detection

Two-Stream Convolutional Networks for Dynamic Saliency Prediction


Unconstrained Salient Object Detection

Unconstrained Salient Object Detection via Proposal Subset Optimization

这里写图片描述

DHSNet: Deep Hierarchical Saliency Network for Salient Object Detection

Salient Object Subitizing

这里写图片描述

Deeply-Supervised Recurrent Convolutional Neural Network for Saliency Detection

Saliency Detection via Combining Region-Level and Pixel-Level Predictions with CNNs

Edge Preserving and Multi-Scale Contextual Neural Network for Salient Object Detection

A Deep Multi-Level Network for Saliency Prediction

Visual Saliency Detection Based on Multiscale Deep CNN Features

A Deep Spatial Contextual Long-term Recurrent Convolutional Network for Saliency Detection

Deeply supervised salient object detection with short connections

Weakly Supervised Top-down Salient Object Detection

SalGAN: Visual Saliency Prediction with Generative Adversarial Networks

Visual Saliency Prediction Using a Mixture of Deep Neural Networks

A Fast and Compact Salient Score Regression Network Based on Fully Convolutional Network

Saliency Detection by Forward and Backward Cues in Deep-CNNs

Supervised Adversarial Networks for Image Saliency Detection

Group-wise Deep Co-saliency Detection

Towards the Success Rate of One: Real-time Unconstrained Salient Object Detection

Amulet: Aggregating Multi-level Convolutional Features for Salient Object Detection

Learning Uncertain Convolutional Features for Accurate Saliency Detection

Deep Edge-Aware Saliency Detection

Self-explanatory Deep Salient Object Detection

PiCANet: Learning Pixel-wise Contextual Attention in ConvNets and Its Application in Saliency Detection

DeepFeat: A Bottom Up and Top Down Saliency Model Based on Deep Features of Convolutional Neural Nets

Recurrently Aggregating Deep Features for Salient Object Detection

Deep saliency: What is learnt by a deep network about saliency?

Contrast-Oriented Deep Neural Networks for Salient Object Detection

Salient Object Detection by Lossless Feature Reflection

HyperFusion-Net: Densely Reflective Fusion for Salient Object Detection


Video Saliency Detection

Deep Learning For Video Saliency Detection

Video Salient Object Detection Using Spatiotemporal Deep Features

Predicting Video Saliency with Object-to-Motion CNN and Two-layer Convolutional LSTM


Visual Relationship Detection

Visual Relationship Detection with Language Priors

ViP-CNN: A Visual Phrase Reasoning Convolutional Neural Network for Visual Relationship Detection

Visual Translation Embedding Network for Visual Relation Detection

Deep Variation-structured Reinforcement Learning for Visual Relationship and Attribute Detection

Detecting Visual Relationships with Deep Relational Networks

Identifying Spatial Relations in Images using Convolutional Neural Networks

PPR-FCN: Weakly Supervised Visual Relation Detection via Parallel Pairwise R-FCN

Natural Language Guided Visual Relationship Detection

Detecting Visual Relationships Using Box Attention

Google AI Open Images - Visual Relationship Track

Context-Dependent Diffusion Network for Visual Relationship Detection

A Problem Reduction Approach for Visual Relationships Detection


Face Deteciton

Multi-view Face Detection Using Deep Convolutional Neural Networks

From Facial Parts Responses to Face Detection: A Deep Learning Approach

Compact Convolutional Neural Network Cascade for Face Detection

Face Detection with End-to-End Integration of a ConvNet and a 3D Model

CMS-RCNN: Contextual Multi-Scale Region-based CNN for Unconstrained Face Detection

Towards a Deep Learning Framework for Unconstrained Face Detection

Supervised Transformer Network for Efficient Face Detection

UnitBox: An Advanced Object Detection Network

Bootstrapping Face Detection with Hard Negative Examples

Grid Loss: Detecting Occluded Faces

A Multi-Scale Cascade Fully Convolutional Network Face Detector


MTCNN

Joint Face Detection and Alignment using Multi-task Cascaded Convolutional Neural Networks

这里写图片描述

  • 0
    点赞
  • 20
    收藏
    觉得还不错? 一键收藏
  • 0
    评论

“相关推荐”对你有帮助么?

  • 非常没帮助
  • 没帮助
  • 一般
  • 有帮助
  • 非常有帮助
提交
评论
添加红包

请填写红包祝福语或标题

红包个数最小为10个

红包金额最低5元

当前余额3.43前往充值 >
需支付:10.00
成就一亿技术人!
领取后你会自动成为博主和红包主的粉丝 规则
hope_wisdom
发出的红包
实付
使用余额支付
点击重新获取
扫码支付
钱包余额 0

抵扣说明:

1.余额是钱包充值的虚拟货币,按照1:1的比例进行支付金额的抵扣。
2.余额无法直接购买下载,可以购买VIP、付费专栏及课程。

余额充值