object detection资料汇总

2023-05-16

转自:https://handong1587.github.io/deep_learning/2015/10/09/object-detection.html

Jump to...

  1. Leaderboard
  2. Papers
    1. R-CNN
    2. MultiBox
    3. SPP-Net
    4. DeepID-Net
    5. NoC
    6. Fast R-CNN
    7. DeepBox
    8. MR-CNN
    9. Faster R-CNN
    10. YOLO
    11. AttentionNet
    12. DenseBox
    13. SSD
    14. Inside-Outside Net (ION)
    15. G-CNN
    16. HyperNet
    17. MultiPathNet
    18. CRAFT
    19. OHEM
    20. R-FCN
    21. MS-CNN
    22. PVANET
    23. GBD-Net
    24. StuffNet
    25. Feature Pyramid Network (FPN)
    26. YOLOv2
    27. DSSD
    28. CC-Net
  3. Detection From Video
    1. T-CNN
    2. Datasets
  4. Object Detection in 3D
  5. Object Detection on RGB-D
  6. Salient Object Detection
    1. Saliency Detection in Video
    2. Datasets
  7. Visual Relationship Detection
  8. Specific Object Deteciton
    1. Face Deteciton
      1. UnitBox
      2. MTCNN
      3. Datasets / Benchmarks
    2. Facial Point / Landmark Detection
    3. People Detection
    4. Person Head Detection
    5. Pedestrian Detection
    6. Vehicle Detection
    7. Traffic-Sign Detection
    8. Boundary / Edge / Contour Detection
    9. Skeleton Detection
    10. Fruit Detection
    11. Part Detection
    12. Others
  9. Object Proposal
  10. Localization
  11. Tutorials / Talks
  12. Projects
  13. Blogs
MethodVOC2007VOC2010VOC2012ILSVRC 2013MSCOCO 2015Speed
OverFeat   24.3%  
R-CNN (AlexNet)58.5%53.7%53.3%31.4%  
R-CNN (VGG16)66.0%     
SPP_net(ZF-5)54.2%(1-model), 60.9%(2-model)  31.84%(1-model), 35.11%(6-model)  
DeepID-Net64.1%  50.3%  
NoC73.3% 68.8%   
Fast-RCNN (VGG16)70.0%68.8%68.4% 19.7%(@[0.5-0.95]), 35.9%(@0.5) 
MR-CNN78.2% 73.9%   
Faster-RCNN (VGG16)78.8% 75.9% 21.9%(@[0.5-0.95]), 42.7%(@0.5)198ms
Faster-RCNN (ResNet-101)85.6% 83.8% 37.4%(@[0.5-0.95]), 59.0%(@0.5) 
SSD300 (VGG16)77.2% 75.8% 25.1%(@[0.5-0.95]), 43.1%(@0.5)46 fps
SSD512 (VGG16)79.8% 78.5% 28.8%(@[0.5-0.95]), 48.5%(@0.5)19 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-FCN (ResNet-50)77.4%    0.12sec(K40), 0.09sec(TitianX)
R-FCN (ResNet-101)79.5%    0.17sec(K40), 0.12sec(TitianX)
R-FCN (ResNet-101),multi sc train83.6% 82.0% 31.5%(@[0.5-0.95]), 53.2%(@0.5) 
PVANet 9.089.8% 84.2%  750ms(CPU), 46ms(TitianX)

Leaderboard

Detection Results: VOC2012

  • intro: Competition “comp4” (train on additional data)
  • homepage: http://host.robots.ox.ac.uk:8080/leaderboard/displaylb.php?challengeid=11&compid=4

Papers

Deep Neural Networks for Object Detection

  • paper: http://papers.nips.cc/paper/5207-deep-neural-networks-for-object-detection.pdf

OverFeat: Integrated Recognition, Localization and Detection using Convolutional Networks

  • arxiv: http://arxiv.org/abs/1312.6229
  • github: https://github.com/sermanet/OverFeat
  • code: http://cilvr.nyu.edu/doku.php?id=software:overfeat:start

R-CNN

Rich feature hierarchies for accurate object detection and semantic segmentation

  • intro: R-CNN
  • arxiv: http://arxiv.org/abs/1311.2524
  • supp: http://people.eecs.berkeley.edu/~rbg/papers/r-cnn-cvpr-supp.pdf
  • slides: http://www.image-net.org/challenges/LSVRC/2013/slides/r-cnn-ilsvrc2013-workshop.pdf
  • slides: http://www.cs.berkeley.edu/~rbg/slides/rcnn-cvpr14-slides.pdf
  • github: https://github.com/rbgirshick/rcnn
  • notes: http://zhangliliang.com/2014/07/23/paper-note-rcnn/
  • caffe-pr(“Make R-CNN the Caffe detection example”):https://github.com/BVLC/caffe/pull/482

MultiBox

Scalable Object Detection using Deep Neural Networks

  • intro: first MultiBox. Train a CNN to predict Region of Interest.
  • arxiv: http://arxiv.org/abs/1312.2249
  • github: https://github.com/google/multibox
  • blog: https://research.googleblog.com/2014/12/high-quality-object-detection-at-scale.html

Scalable, High-Quality Object Detection

  • intro: second MultiBox
  • arxiv: http://arxiv.org/abs/1412.1441
  • github: https://github.com/google/multibox

SPP-Net

Spatial Pyramid Pooling in Deep Convolutional Networks for Visual Recognition

  • intro: ECCV 2014 / TPAMI 2015
  • arxiv: http://arxiv.org/abs/1406.4729
  • github: https://github.com/ShaoqingRen/SPP_net
  • notes: http://zhangliliang.com/2014/09/13/paper-note-sppnet/

DeepID-Net

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

  • intro: PAMI 2016
  • intro: an extension of R-CNN. box pre-training, cascade on region proposals, deformation layers and context representations
  • project page:http://www.ee.cuhk.edu.hk/%CB%9Cwlouyang/projects/imagenetDeepId/index.html
  • arxiv: http://arxiv.org/abs/1412.5661

Object Detectors Emerge in Deep Scene CNNs

  • arxiv: http://arxiv.org/abs/1412.6856
  • paper: https://www.robots.ox.ac.uk/~vgg/rg/papers/zhou_iclr15.pdf
  • paper: https://people.csail.mit.edu/khosla/papers/iclr2015_zhou.pdf
  • slides: http://places.csail.mit.edu/slide_iclr2015.pdf

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

  • intro: CVPR 2015
  • project(code+data): https://www.cs.toronto.edu/~yukun/segdeepm.html
  • arxiv: https://arxiv.org/abs/1502.04275
  • github: https://github.com/YknZhu/segDeepM

NoC

Object Detection Networks on Convolutional Feature Maps

  • intro: TPAMI 2015
  • arxiv: http://arxiv.org/abs/1504.06066

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

  • arxiv: http://arxiv.org/abs/1504.03293
  • slides: http://www.ytzhang.net/files/publications/2015-cvpr-det-slides.pdf
  • github: https://github.com/YutingZhang/fgs-obj

Fast R-CNN

Fast R-CNN

  • arxiv: http://arxiv.org/abs/1504.08083
  • slides: http://tutorial.caffe.berkeleyvision.org/caffe-cvpr15-detection.pdf
  • github: https://github.com/rbgirshick/fast-rcnn
  • github(COCO-branch): https://github.com/rbgirshick/fast-rcnn/tree/coco
  • webcam demo: https://github.com/rbgirshick/fast-rcnn/pull/29
  • notes: http://zhangliliang.com/2015/05/17/paper-note-fast-rcnn/
  • notes: http://blog.csdn.net/linj_m/article/details/48930179
  • github(“Fast R-CNN in MXNet”): https://github.com/precedenceguo/mx-rcnn
  • github: https://github.com/mahyarnajibi/fast-rcnn-torch
  • github: https://github.com/apple2373/chainer-simple-fast-rnn
  • github(Tensorflow): https://github.com/zplizzi/tensorflow-fast-rcnn

DeepBox

DeepBox: Learning Objectness with Convolutional Networks

  • arxiv: http://arxiv.org/abs/1505.02146
  • github: https://github.com/weichengkuo/DeepBox

MR-CNN

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

  • intro: ICCV 2015. MR-CNN
  • arxiv: http://arxiv.org/abs/1505.01749
  • github: https://github.com/gidariss/mrcnn-object-detection
  • notes: http://zhangliliang.com/2015/05/17/paper-note-ms-cnn/
  • notes: http://blog.cvmarcher.com/posts/2015/05/17/multi-region-semantic-segmentation-aware-cnn/
  • my notes: Who can tell me why there are a bunch of duplicated sentences in section 7.2 “Detection error analysis”? :-D

Faster R-CNN

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

  • intro: NIPS 2015
  • arxiv: http://arxiv.org/abs/1506.01497
  • gitxiv: http://www.gitxiv.com/posts/8pfpcvefDYn2gSgXk/faster-r-cnn-towards-real-time-object-detection-with-region
  • slides: http://web.cs.hacettepe.edu.tr/~aykut/classes/spring2016/bil722/slides/w05-FasterR-CNN.pdf
  • github: https://github.com/ShaoqingRen/faster_rcnn
  • github: https://github.com/rbgirshick/py-faster-rcnn
  • github: https://github.com/mitmul/chainer-faster-rcnn
  • github(Torch): https://github.com/andreaskoepf/faster-rcnn.torch
  • github(Torch): https://github.com/ruotianluo/Faster-RCNN-Densecap-torch
  • github(Tensorflow): https://github.com/smallcorgi/Faster-RCNN_TF
  • github(Tensorflow): https://github.com/CharlesShang/TFFRCNN
  • github(C++ demo): https://github.com/YihangLou/FasterRCNN-Encapsulation-Cplusplus

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

  • github: https://github.com/dmlc/mxnet/tree/master/example/rcnn

Contextual Priming and Feedback for Faster R-CNN

  • intro: ECCV 2016. Carnegie Mellon University
  • paper: http://abhinavsh.info/context_priming_feedback.pdf
  • poster: http://www.eccv2016.org/files/posters/P-1A-20.pdf

An Implementation of Faster RCNN with Study for Region Sampling

  • intro: Technical Report, 3 pages. CMU
  • arxiv: https://arxiv.org/abs/1702.02138
  • github: https://github.com/endernewton/tf-faster-rcnn

YOLO

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

  • arxiv: http://arxiv.org/abs/1506.02640
  • code: http://pjreddie.com/darknet/yolo/
  • github: https://github.com/pjreddie/darknet
  • blog: https://pjreddie.com/publications/yolo/
  • slides:https://docs.google.com/presentation/d/1aeRvtKG21KHdD5lg6Hgyhx5rPq_ZOsGjG5rJ1HP7BbA/pub?start=false&loop=false&delayms=3000&slide=id.p
  • reddit:https://www.reddit.com/r/MachineLearning/comments/3a3m0o/realtime_object_detection_with_yolo/
  • github: https://github.com/gliese581gg/YOLO_tensorflow
  • github: https://github.com/xingwangsfu/caffe-yolo
  • github: https://github.com/frankzhangrui/Darknet-Yolo
  • github: https://github.com/BriSkyHekun/py-darknet-yolo
  • github: https://github.com/tommy-qichang/yolo.torch
  • github: https://github.com/frischzenger/yolo-windows
  • gtihub: https://github.com/AlexeyAB/yolo-windows

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

  • blog: https://thtrieu.github.io/notes/yolo-tensorflow-graph-buffer-cpp
  • github: https://github.com/thtrieu/darkflow

Start Training YOLO with Our Own Data

  • intro: train with customized data and class numbers/labels. Linux / Windows version for darknet.
  • blog: http://guanghan.info/blog/en/my-works/train-yolo/
  • github: https://github.com/Guanghan/darknet

R-CNN minus R

  • arxiv: http://arxiv.org/abs/1506.06981

AttentionNet

AttentionNet: Aggregating Weak Directions for Accurate Object Detection

  • intro: ICCV 2015
  • intro: state-of-the-art performance of 65% (AP) on PASCAL VOC 2007/2012 human detection task
  • arxiv: http://arxiv.org/abs/1506.07704
  • slides: https://www.robots.ox.ac.uk/~vgg/rg/slides/AttentionNet.pdf
  • slides: http://image-net.org/challenges/talks/lunit-kaist-slide.pdf

DenseBox

DenseBox: Unifying Landmark Localization with End to End Object Detection

  • arxiv: http://arxiv.org/abs/1509.04874
  • demo: http://pan.baidu.com/s/1mgoWWsS
  • KITTI result: http://www.cvlibs.net/datasets/kitti/eval_object.php

SSD

SSD: Single Shot MultiBox Detector

  • intro: ECCV 2016 Oral
  • arxiv: http://arxiv.org/abs/1512.02325
  • paper: http://www.cs.unc.edu/~wliu/papers/ssd.pdf
  • slides: http://www.cs.unc.edu/%7Ewliu/papers/ssd_eccv2016_slide.pdf
  • github: https://github.com/weiliu89/caffe/tree/ssd
  • video: http://weibo.com/p/2304447a2326da963254c963c97fb05dd3a973
  • github(MXNet): https://github.com/zhreshold/mxnet-ssd
  • github: https://github.com/zhreshold/mxnet-ssd.cpp
  • github(Keras): https://github.com/rykov8/ssd_keras
  • github(TensorFlow): https://github.com/balancap/SSD-Tensorflow
  • github: https://github.com/amdegroot/ssd.pytorch

Inside-Outside Net (ION)

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

  • intro: “0.8s per image on a Titan X GPU (excluding proposal generation) without two-stage bounding-box regression and 1.15s per image with it”.
  • arxiv: http://arxiv.org/abs/1512.04143
  • slides: http://www.seanbell.ca/tmp/ion-coco-talk-bell2015.pdf
  • coco-leaderboard: http://mscoco.org/dataset/#detections-leaderboard

Adaptive Object Detection Using Adjacency and Zoom Prediction

  • intro: CVPR 2016. AZ-Net
  • arxiv: http://arxiv.org/abs/1512.07711
  • github: https://github.com/luyongxi/az-net
  • youtube: https://www.youtube.com/watch?v=YmFtuNwxaNM

G-CNN

G-CNN: an Iterative Grid Based Object Detector

  • arxiv: http://arxiv.org/abs/1512.07729

Factors in Finetuning Deep Model for object detection

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

  • intro: CVPR 2016.rank 3rd for provided data and 2nd for external data on ILSVRC 2015 object detection
  • project page:http://www.ee.cuhk.edu.hk/~wlouyang/projects/ImageNetFactors/CVPR16.html
  • arxiv: http://arxiv.org/abs/1601.05150

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

  • arxiv: http://arxiv.org/abs/1602.08405

HyperNet

HyperNet: Towards Accurate Region Proposal Generation and Joint Object Detection

  • arxiv: http://arxiv.org/abs/1604.00600

MultiPathNet

A MultiPath Network for Object Detection

  • intro: BMVC 2016. Facebook AI Research (FAIR)
  • arxiv: http://arxiv.org/abs/1604.02135
  • github: https://github.com/facebookresearch/multipathnet

CRAFT

CRAFT Objects from Images

  • intro: CVPR 2016. Cascade Region-proposal-network And FasT-rcnn. an extension of Faster R-CNN
  • project page: http://byangderek.github.io/projects/craft.html
  • arxiv: https://arxiv.org/abs/1604.03239
  • paper: http://www.cv-foundation.org/openaccess/content_cvpr_2016/papers/Yang_CRAFT_Objects_From_CVPR_2016_paper.pdf
  • github: https://github.com/byangderek/CRAFT

OHEM

Training Region-based Object Detectors with Online Hard Example Mining

  • intro: CVPR 2016 Oral. Online hard example mining (OHEM)
  • arxiv: http://arxiv.org/abs/1604.03540
  • paper: http://www.cv-foundation.org/openaccess/content_cvpr_2016/papers/Shrivastava_Training_Region-Based_Object_CVPR_2016_paper.pdf
  • github(Official): https://github.com/abhi2610/ohem
  • author page: http://abhinav-shrivastava.info/

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

  • intro: CVPR 2016
  • arxiv: http://arxiv.org/abs/1604.05766

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

  • intro: scale-dependent pooling (SDP), cascaded rejection clas-sifiers (CRC)
  • paper: http://www-personal.umich.edu/~wgchoi/SDP-CRC_camready.pdf

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: https://github.com/Orpine/py-R-FCN
  • github(PyTorch): https://github.com/PureDiors/pytorch_RFCN
  • github: https://github.com/bharatsingh430/py-R-FCN-multiGPU

Weakly supervised object detection using pseudo-strong labels

  • arxiv: http://arxiv.org/abs/1607.04731

Recycle deep features for better object detection

  • arxiv: http://arxiv.org/abs/1607.05066

MS-CNN

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

  • intro: ECCV 2016
  • intro: 640×480: 15 fps, 960×720: 8 fps
  • arxiv: http://arxiv.org/abs/1607.07155
  • github: https://github.com/zhaoweicai/mscnn
  • poster: http://www.eccv2016.org/files/posters/P-2B-38.pdf

Multi-stage Object Detection with Group Recursive Learning

  • intro: VOC2007: 78.6%, VOC2012: 74.9%
  • arxiv: http://arxiv.org/abs/1608.05159

Subcategory-aware Convolutional Neural Networks for Object Proposals and Detection

  • intro: WACV 2017. SubCNN
  • arxiv: http://arxiv.org/abs/1604.04693
  • github: https://github.com/yuxng/SubCNN

PVANET

PVANET: Deep but Lightweight Neural Networks for Real-time Object Detection

  • intro: “less channels with more layers”, concatenated ReLU, Inception, and HyperNet, batch normalization, residual connections
  • arxiv: http://arxiv.org/abs/1608.08021
  • github: https://github.com/sanghoon/pva-faster-rcnn
  • leaderboard(PVANet 9.0): http://host.robots.ox.ac.uk:8080/leaderboard/displaylb.php?challengeid=11&compid=4

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

  • intro: Presented at NIPS 2016 Workshop on Efficient Methods for Deep Neural Networks (EMDNN). Continuation of arXiv:1608.08021
  • arxiv: https://arxiv.org/abs/1611.08588

GBD-Net

Gated Bi-directional CNN for Object Detection

  • intro: The Chinese University of Hong Kong & Sensetime Group Limited
  • paper: http://link.springer.com/chapter/10.1007/978-3-319-46478-7_22
  • mirror: https://pan.baidu.com/s/1dFohO7v

Crafting GBD-Net for Object Detection

  • intro: winner of the ImageNet object detection challenge of 2016. CUImage and CUVideo
  • intro: gated bi-directional CNN (GBD-Net)
  • arxiv: https://arxiv.org/abs/1610.02579
  • github: https://github.com/craftGBD/craftGBD

StuffNet

StuffNet: Using ‘Stuff’ to Improve Object Detection

  • arxiv: https://arxiv.org/abs/1610.05861

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

  • arxiv: https://arxiv.org/abs/1610.09609

Hierarchical Object Detection with Deep Reinforcement Learning

  • intro: Deep Reinforcement Learning Workshop (NIPS 2016)
  • project page: https://imatge-upc.github.io/detection-2016-nipsws/
  • arxiv: https://arxiv.org/abs/1611.03718
  • slides: http://www.slideshare.net/xavigiro/hierarchical-object-detection-with-deep-reinforcement-learning
  • github: https://github.com/imatge-upc/detection-2016-nipsws
  • blog: http://jorditorres.org/nips/

Learning to detect and localize many objects from few examples

  • arxiv: https://arxiv.org/abs/1611.05664

Speed/accuracy trade-offs for modern convolutional object detectors

  • intro: Google Research
  • arxiv: https://arxiv.org/abs/1611.10012

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

  • arxiv: https://arxiv.org/abs/1612.01051
  • github: https://github.com/BichenWuUCB/squeezeDet

Feature Pyramid Network (FPN)

Feature Pyramid Networks for Object Detection

  • intro: Facebook AI Research
  • arxiv: https://arxiv.org/abs/1612.03144

Action-Driven Object Detection with Top-Down Visual Attentions

  • arxiv: https://arxiv.org/abs/1612.06704

Beyond Skip Connections: Top-Down Modulation for Object Detection

  • intro: CMU & UC Berkeley & Google Research
  • arxiv: https://arxiv.org/abs/1612.06851

YOLOv2

YOLO9000: Better, Faster, Stronger

  • arxiv: https://arxiv.org/abs/1612.08242
  • code: http://pjreddie.com/yolo9000/
  • github(Chainer): https://github.com/leetenki/YOLOv2
  • github(Keras): https://github.com/allanzelener/YAD2K
  • github(PyTorch): https://github.com/longcw/yolo2-pytorch
  • github(Tensorflow): https://github.com/hizhangp/yolo_tensorflow
  • github(Windows): https://github.com/AlexeyAB/darknet
  • github: https://github.com/choasUp/caffe-yolo9000

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

  • github: https://github.com/AlexeyAB/Yolo_mark

DSSD

DSSD : Deconvolutional Single Shot Detector

  • intro: UNC Chapel Hill & Amazon Inc
  • arxiv: https://arxiv.org/abs/1701.06659

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

  • intro: Inha University
  • arxiv: https://arxiv.org/abs/1702.01243

Attentional Network for Visual Object Detection

  • intro: University of Maryland & Mitsubishi Electric Research Laboratories
  • arxiv: https://arxiv.org/abs/1702.01478

CC-Net

Learning Chained Deep Features and Classifiers for Cascade in Object Detection

  • intro: chained cascade network (CC-Net). 81.1% mAP on PASCAL VOC 2007
  • arxiv: https://arxiv.org/abs/1702.07054

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

https://arxiv.org/abs/1703.10295

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

  • intro: CVPR 2017
  • paper: http://abhinavsh.info/papers/pdfs/adversarial_object_detection.pdf
  • github(Caffe): https://github.com/xiaolonw/adversarial-frcnn

Spatial Memory for Context Reasoning in Object Detection

  • arxiv: https://arxiv.org/abs/1704.04224

Detection From Video

Learning Object Class Detectors from Weakly Annotated Video

  • intro: CVPR 2012
  • paper:https://www.vision.ee.ethz.ch/publications/papers/proceedings/eth_biwi_00905.pdf

Analysing domain shift factors between videos and images for object detection

  • arxiv: https://arxiv.org/abs/1501.01186

Video Object Recognition

  • slides:http://vision.princeton.edu/courses/COS598/2015sp/slides/VideoRecog/Video%20Object%20Recognition.pptx

Deep Learning for Saliency Prediction in Natural Video

  • intro: Submitted on 12 Jan 2016
  • keywords: Deep learning, saliency map, optical flow, convolution network, contrast features
  • paper: https://hal.archives-ouvertes.fr/hal-01251614/document

T-CNN

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

  • intro: Winning solution in ILSVRC2015 Object Detection from Video(VID) Task
  • arxiv: http://arxiv.org/abs/1604.02532
  • github: https://github.com/myfavouritekk/T-CNN

Object Detection from Video Tubelets with Convolutional Neural Networks

  • intro: CVPR 2016 Spotlight paper
  • arxiv: https://arxiv.org/abs/1604.04053
  • paper: http://www.ee.cuhk.edu.hk/~wlouyang/Papers/KangVideoDet_CVPR16.pdf
  • gihtub: https://github.com/myfavouritekk/vdetlib

Object Detection in Videos with Tubelets and Multi-context Cues

  • intro: SenseTime Group
  • slides: http://www.ee.cuhk.edu.hk/~xgwang/CUvideo.pdf
  • slides: http://image-net.org/challenges/talks/Object%20Detection%20in%20Videos%20with%20Tubelets%20and%20Multi-context%20Cues%20-%20Final.pdf

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

  • intro: BMVC 2016
  • keywords: pseudo-labeler
  • arxiv: http://arxiv.org/abs/1607.04648
  • paper: http://vision.cornell.edu/se3/wp-content/uploads/2016/07/video_object_detection_BMVC.pdf

CNN Based Object Detection in Large Video Images

  • intro: WangTao @ 爱奇艺
  • keywords: object retrieval, object detection, scene classification
  • slides: http://on-demand.gputechconf.com/gtc/2016/presentation/s6362-wang-tao-cnn-based-object-detection-large-video-images.pdf

Object Detection in Videos with Tubelet Proposal Networks

  • arxiv: https://arxiv.org/abs/1702.06355

Flow-Guided Feature Aggregation for Video Object Detection

  • intro: MSRA
  • arxiv: https://arxiv.org/abs/1703.10025

Video Object Detection using Faster R-CNN

  • blog: http://andrewliao11.github.io/object_detection/faster_rcnn/
  • github: https://github.com/andrewliao11/py-faster-rcnn-imagenet

Datasets

YouTube-Objects dataset v2.2

  • homepage: http://calvin.inf.ed.ac.uk/datasets/youtube-objects-dataset/

ILSVRC2015: Object detection from video (VID)

  • homepage: http://vision.cs.unc.edu/ilsvrc2015/download-videos-3j16.php#vid

Object Detection in 3D

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

  • arxiv: https://arxiv.org/abs/1609.06666

Object Detection on RGB-D

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

  • arxiv: http://arxiv.org/abs/1407.5736

Differential Geometry Boosts Convolutional Neural Networks for Object Detection

  • intro: CVPR 2016
  • paper: http://www.cv-foundation.org/openaccess/content_cvpr_2016_workshops/w23/html/Wang_Differential_Geometry_Boosts_CVPR_2016_paper.html

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

https://arxiv.org/abs/1703.03347

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)

http://i.cs.hku.hk/~yzyu/vision.html

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

  • paper: http://coxlab.org/pdfs/cvpr2014_vig_saliency.pdf

Predicting Eye Fixations using Convolutional Neural Networks

  • paper: http://www.escience.cn/system/file?fileId=72648

Saliency Detection by Multi-Context Deep Learning

  • paper: http://www.cv-foundation.org/openaccess/content_cvpr_2015/papers/Zhao_Saliency_Detection_by_2015_CVPR_paper.pdf

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

  • arxiv: http://arxiv.org/abs/1510.05484

SuperCNN: A Superpixelwise Convolutional Neural Network for Salient Object Detection

  • paper: www.shengfenghe.com/supercnn-a-superpixelwise-convolutional-neural-network-for-salient-object-detection.html

Shallow and Deep Convolutional Networks for Saliency Prediction

  • arxiv: http://arxiv.org/abs/1603.00845
  • github: https://github.com/imatge-upc/saliency-2016-cvpr

Recurrent Attentional Networks for Saliency Detection

  • intro: CVPR 2016. recurrent attentional convolutional-deconvolution network (RACDNN)
  • arxiv: http://arxiv.org/abs/1604.03227

Two-Stream Convolutional Networks for Dynamic Saliency Prediction

  • arxiv: http://arxiv.org/abs/1607.04730

Unconstrained Salient Object Detection

Unconstrained Salient Object Detection via Proposal Subset Optimization

  • intro: CVPR 2016
  • project page: http://cs-people.bu.edu/jmzhang/sod.html
  • paper: http://cs-people.bu.edu/jmzhang/SOD/CVPR16SOD_camera_ready.pdf
  • github: https://github.com/jimmie33/SOD
  • caffe model zoo: https://github.com/BVLC/caffe/wiki/Model-Zoo#cnn-object-proposal-models-for-salient-object-detection

DHSNet: Deep Hierarchical Saliency Network for Salient Object Detection

  • paper: http://www.cv-foundation.org/openaccess/content_cvpr_2016/papers/Liu_DHSNet_Deep_Hierarchical_CVPR_2016_paper.pdf

Salient Object Subitizing

  • intro: CVPR 2015
  • intro: predicting the existence and the number of salient objects in an image using holistic cues
  • project page: http://cs-people.bu.edu/jmzhang/sos.html
  • arxiv: http://arxiv.org/abs/1607.07525
  • paper: http://cs-people.bu.edu/jmzhang/SOS/SOS_preprint.pdf
  • caffe model zoo: https://github.com/BVLC/caffe/wiki/Model-Zoo#cnn-models-for-salient-object-subitizing

Deeply-Supervised Recurrent Convolutional Neural Network for Saliency Detection

  • intro: ACMMM 2016. deeply-supervised recurrent convolutional neural network (DSRCNN)
  • arxiv: http://arxiv.org/abs/1608.05177

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

  • intro: ECCV 2016
  • arxiv: http://arxiv.org/abs/1608.05186

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

  • arxiv: http://arxiv.org/abs/1608.08029

A Deep Multi-Level Network for Saliency Prediction

  • arxiv: http://arxiv.org/abs/1609.01064

Visual Saliency Detection Based on Multiscale Deep CNN Features

  • intro: IEEE Transactions on Image Processing
  • arxiv: http://arxiv.org/abs/1609.02077

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

  • intro: DSCLRCN
  • arxiv: https://arxiv.org/abs/1610.01708

Deeply supervised salient object detection with short connections

  • arxiv: https://arxiv.org/abs/1611.04849

Weakly Supervised Top-down Salient Object Detection

  • intro: Nanyang Technological University
  • arxiv: https://arxiv.org/abs/1611.05345

SalGAN: Visual Saliency Prediction with Generative Adversarial Networks

  • project page: https://imatge-upc.github.io/saliency-salgan-2017/
  • arxiv: https://arxiv.org/abs/1701.01081

Visual Saliency Prediction Using a Mixture of Deep Neural Networks

  • arxiv: https://arxiv.org/abs/1702.00372

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

  • arxiv: https://arxiv.org/abs/1702.00615

Saliency Detection by Forward and Backward Cues in Deep-CNNs

https://arxiv.org/abs/1703.00152

Saliency Detection in Video

Deep Learning For Video Saliency Detection

  • arxiv: https://arxiv.org/abs/1702.00871

Datasets

MSRA10K Salient Object Database

http://mmcheng.net/msra10k/

Visual Relationship Detection

Visual Relationship Detection with Language Priors

  • intro: ECCV 2016 oral
  • paper: https://cs.stanford.edu/people/ranjaykrishna/vrd/vrd.pdf
  • github: https://github.com/Prof-Lu-Cewu/Visual-Relationship-Detection

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

  • intro: Visual Phrase reasoning Convolutional Neural Network (ViP-CNN), Visual Phrase Reasoning Structure (VPRS)
  • arxiv: https://arxiv.org/abs/1702.07191

Visual Translation Embedding Network for Visual Relation Detection

  • arxiv: https://www.arxiv.org/abs/1702.08319

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

  • intro: CVPR 2017 spotlight paper
  • arxiv: https://arxiv.org/abs/1703.03054

Specific Object Deteciton

Face Deteciton

Multi-view Face Detection Using Deep Convolutional Neural Networks

  • intro: Yahoo
  • arxiv: http://arxiv.org/abs/1502.02766
  • github: https://github.com/guoyilin/FaceDetection_CNN

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

  • project page: http://personal.ie.cuhk.edu.hk/~ys014/projects/Faceness/Faceness.html

Compact Convolutional Neural Network Cascade for Face Detection

  • arxiv: http://arxiv.org/abs/1508.01292
  • github: https://github.com/Bkmz21/FD-Evaluation

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

  • intro: ECCV 2016
  • arxiv: https://arxiv.org/abs/1606.00850
  • github(MXNet): https://github.com/tfwu/FaceDetection-ConvNet-3D

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

  • intro: CMU
  • arxiv: https://arxiv.org/abs/1606.05413

Finding Tiny Faces

  • intro: CMU
  • project page: http://www.cs.cmu.edu/~peiyunh/tiny/index.html
  • arxiv: https://arxiv.org/abs/1612.04402
  • github: https://github.com/peiyunh/tiny

Towards a Deep Learning Framework for Unconstrained Face Detection

  • intro: overlap with CMS-RCNN
  • arxiv: https://arxiv.org/abs/1612.05322

Supervised Transformer Network for Efficient Face Detection

  • arxiv: http://arxiv.org/abs/1607.05477

UnitBox

UnitBox: An Advanced Object Detection Network

  • intro: ACM MM 2016
  • arxiv: http://arxiv.org/abs/1608.01471

Bootstrapping Face Detection with Hard Negative Examples

  • author: 万韶华 @ 小米.
  • intro: Faster R-CNN, hard negative mining. state-of-the-art on the FDDB dataset
  • arxiv: http://arxiv.org/abs/1608.02236

Grid Loss: Detecting Occluded Faces

  • intro: ECCV 2016
  • arxiv: https://arxiv.org/abs/1609.00129
  • paper: http://lrs.icg.tugraz.at/pubs/opitz_eccv_16.pdf
  • poster: http://www.eccv2016.org/files/posters/P-2A-34.pdf

A Multi-Scale Cascade Fully Convolutional Network Face Detector

  • intro: ICPR 2016
  • arxiv: http://arxiv.org/abs/1609.03536

MTCNN

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

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

  • project page: https://kpzhang93.github.io/MTCNN_face_detection_alignment/index.html
  • arxiv: https://arxiv.org/abs/1604.02878
  • github(Matlab): https://github.com/kpzhang93/MTCNN_face_detection_alignment
  • github: https://github.com/pangyupo/mxnet_mtcnn_face_detection
  • github: https://github.com/DaFuCoding/MTCNN_Caffe
  • github(MXNet): https://github.com/Seanlinx/mtcnn
  • github: https://github.com/Pi-DeepLearning/RaspberryPi-FaceDetection-MTCNN-Caffe-With-Motion
  • github(Caffe): https://github.com/foreverYoungGitHub/MTCNN

Face Detection using Deep Learning: An Improved Faster RCNN Approach

  • intro: DeepIR Inc
  • arxiv: https://arxiv.org/abs/1701.08289

Faceness-Net: Face Detection through Deep Facial Part Responses

  • intro: An extended version of ICCV 2015 paper
  • arxiv: https://arxiv.org/abs/1701.08393

Multi-Path Region-Based Convolutional Neural Network for Accurate Detection of Unconstrained “Hard Faces”

  • intro: CVPR 2017. MP-RCNN, MP-RPN
  • arxiv: https://arxiv.org/abs/1703.09145

End-To-End Face Detection and Recognition

https://arxiv.org/abs/1703.10818

Datasets / Benchmarks

FDDB: Face Detection Data Set and Benchmark

  • homepage: http://vis-www.cs.umass.edu/fddb/index.html
  • results: http://vis-www.cs.umass.edu/fddb/results.html

WIDER FACE: A Face Detection Benchmark

  • homepage: http://mmlab.ie.cuhk.edu.hk/projects/WIDERFace/
  • arxiv: http://arxiv.org/abs/1511.06523

Facial Point / Landmark Detection

Deep Convolutional Network Cascade for Facial Point Detection

  • homepage: http://mmlab.ie.cuhk.edu.hk/archive/CNN_FacePoint.htm
  • paper: http://www.ee.cuhk.edu.hk/~xgwang/papers/sunWTcvpr13.pdf
  • github: https://github.com/luoyetx/deep-landmark

Facial Landmark Detection by Deep Multi-task Learning

  • intro: ECCV 2014
  • project page: http://mmlab.ie.cuhk.edu.hk/projects/TCDCN.html
  • paper: http://personal.ie.cuhk.edu.hk/~ccloy/files/eccv_2014_deepfacealign.pdf
  • github(Matlab): https://github.com/zhzhanp/TCDCN-face-alignment

A Recurrent Encoder-Decoder Network for Sequential Face Alignment

  • intro: ECCV 2016
  • arxiv: https://arxiv.org/abs/1608.05477

Detecting facial landmarks in the video based on a hybrid framework

  • arxiv: http://arxiv.org/abs/1609.06441

Deep Constrained Local Models for Facial Landmark Detection

  • arxiv: https://arxiv.org/abs/1611.08657

Effective face landmark localization via single deep network

  • arxiv: https://arxiv.org/abs/1702.02719

A Convolution Tree with Deconvolution Branches: Exploiting Geometric Relationships for Single Shot Keypoint Detection

https://arxiv.org/abs/1704.01880

People Detection

End-to-end people detection in crowded scenes

  • arxiv: http://arxiv.org/abs/1506.04878
  • github: https://github.com/Russell91/reinspect
  • ipn:http://nbviewer.ipython.org/github/Russell91/ReInspect/blob/master/evaluation_reinspect.ipynb

Detecting People in Artwork with CNNs

  • intro: ECCV 2016 Workshops
  • arxiv: https://arxiv.org/abs/1610.08871

Deep Multi-camera People Detection

  • arxiv: https://arxiv.org/abs/1702.04593

Person Head Detection

Context-aware CNNs for person head detection

  • arxiv: http://arxiv.org/abs/1511.07917
  • github: https://github.com/aosokin/cnn_head_detection

Pedestrian Detection

Pedestrian Detection aided by Deep Learning Semantic Tasks

  • intro: CVPR 2015
  • project page: http://mmlab.ie.cuhk.edu.hk/projects/TA-CNN/
  • paper: http://arxiv.org/abs/1412.0069

Deep Learning Strong Parts for Pedestrian Detection

  • intro: ICCV 2015. CUHK. DeepParts
  • intro: Achieving 11.89% average miss rate on Caltech Pedestrian Dataset
  • paper: http://personal.ie.cuhk.edu.hk/~pluo/pdf/tianLWTiccv15.pdf

Deep convolutional neural networks for pedestrian detection

  • arxiv: http://arxiv.org/abs/1510.03608
  • github: https://github.com/DenisTome/DeepPed

Scale-aware Fast R-CNN for Pedestrian Detection

  • arxiv: https://arxiv.org/abs/1510.08160

New algorithm improves speed and accuracy of pedestrian detection

  • blog: http://www.eurekalert.org/pub_releases/2016-02/uoc–nai020516.php

Pushing the Limits of Deep CNNs for Pedestrian Detection

  • intro: “set a new record on the Caltech pedestrian dataset, lowering the log-average miss rate from 11.7% to 8.9%”
  • arxiv: http://arxiv.org/abs/1603.04525

A Real-Time Deep Learning Pedestrian Detector for Robot Navigation

  • arxiv: http://arxiv.org/abs/1607.04436

A Real-Time Pedestrian Detector using Deep Learning for Human-Aware Navigation

  • arxiv: http://arxiv.org/abs/1607.04441

Is Faster R-CNN Doing Well for Pedestrian Detection?

  • intro: ECCV 2016
  • arxiv: http://arxiv.org/abs/1607.07032
  • github: https://github.com/zhangliliang/RPN_BF/tree/RPN-pedestrian

Reduced Memory Region Based Deep Convolutional Neural Network Detection

  • intro: IEEE 2016 ICCE-Berlin
  • arxiv: http://arxiv.org/abs/1609.02500

Fused DNN: A deep neural network fusion approach to fast and robust pedestrian detection

  • arxiv: https://arxiv.org/abs/1610.03466

Multispectral Deep Neural Networks for Pedestrian Detection

  • intro: BMVC 2016 oral
  • arxiv: https://arxiv.org/abs/1611.02644

Vehicle Detection

DAVE: A Unified Framework for Fast Vehicle Detection and Annotation

  • intro: ECCV 2016
  • arxiv: http://arxiv.org/abs/1607.04564

Evolving Boxes for fast Vehicle Detection

  • arxiv: https://arxiv.org/abs/1702.00254

Traffic-Sign Detection

Traffic-Sign Detection and Classification in the Wild

  • project page(code+dataset): http://cg.cs.tsinghua.edu.cn/traffic-sign/
  • paper: http://120.52.73.11/www.cv-foundation.org/openaccess/content_cvpr_2016/papers/Zhu_Traffic-Sign_Detection_and_CVPR_2016_paper.pdf
  • code & model: http://cg.cs.tsinghua.edu.cn/traffic-sign/data_model_code/newdata0411.zip

Boundary / Edge / Contour Detection

Holistically-Nested Edge Detection

  • intro: ICCV 2015, Marr Prize
  • paper: http://www.cv-foundation.org/openaccess/content_iccv_2015/papers/Xie_Holistically-Nested_Edge_Detection_ICCV_2015_paper.pdf
  • arxiv: http://arxiv.org/abs/1504.06375
  • github: https://github.com/s9xie/hed

Unsupervised Learning of Edges

  • intro: CVPR 2016. Facebook AI Research
  • arxiv: http://arxiv.org/abs/1511.04166
  • zn-blog: http://www.leiphone.com/news/201607/b1trsg9j6GSMnjOP.html

Pushing the Boundaries of Boundary Detection using Deep Learning

  • arxiv: http://arxiv.org/abs/1511.07386

Convolutional Oriented Boundaries

  • intro: ECCV 2016
  • arxiv: http://arxiv.org/abs/1608.02755

Convolutional Oriented Boundaries: From Image Segmentation to High-Level Tasks

  • project page: http://www.vision.ee.ethz.ch/~cvlsegmentation/
  • arxiv: https://arxiv.org/abs/1701.04658
  • github: https://github.com/kmaninis/COB

Richer Convolutional Features for Edge Detection

  • intro: richer convolutional features (RCF)
  • arxiv: https://arxiv.org/abs/1612.02103

Skeleton Detection

Object Skeleton Extraction in Natural Images by Fusing Scale-associated Deep Side Outputs

  • arxiv: http://arxiv.org/abs/1603.09446
  • github: https://github.com/zeakey/DeepSkeleton

DeepSkeleton: Learning Multi-task Scale-associated Deep Side Outputs for Object Skeleton Extraction in Natural Images

  • arxiv: http://arxiv.org/abs/1609.03659

SRN: Side-output Residual Network for Object Symmetry Detection in the Wild

  • intro: CVPR 2017
  • arxiv: https://arxiv.org/abs/1703.02243
  • github: https://github.com/KevinKecc/SRN

Fruit Detection

Deep Fruit Detection in Orchards

  • arxiv: https://arxiv.org/abs/1610.03677

Image Segmentation for Fruit Detection and Yield Estimation in Apple Orchards

  • intro: The Journal of Field Robotics in May 2016
  • project page: http://confluence.acfr.usyd.edu.au/display/AGPub/
  • arxiv: https://arxiv.org/abs/1610.08120

Part Detection

Objects as context for part detection

https://arxiv.org/abs/1703.09529

Others

Deep Deformation Network for Object Landmark Localization

  • arxiv: http://arxiv.org/abs/1605.01014

Fashion Landmark Detection in the Wild

  • intro: ECCV 2016
  • project page: http://personal.ie.cuhk.edu.hk/~lz013/projects/FashionLandmarks.html
  • arxiv: http://arxiv.org/abs/1608.03049
  • github(Caffe): https://github.com/liuziwei7/fashion-landmarks

Deep Learning for Fast and Accurate Fashion Item Detection

  • intro: Kuznech Inc.
  • intro: MultiBox and Fast R-CNN
  • paper:https://kddfashion2016.mybluemix.net/kddfashion_finalSubmissions/Deep%20Learning%20for%20Fast%20and%20Accurate%20Fashion%20Item%20Detection.pdf

OSMDeepOD - OSM and Deep Learning based Object Detection from Aerial Imagery (formerly known as “OSM-Crosswalk-Detection”)

  • github: https://github.com/geometalab/OSMDeepOD

Selfie Detection by Synergy-Constraint Based Convolutional Neural Network

  • intro: IEEE SITIS 2016
  • arxiv: https://arxiv.org/abs/1611.04357

Associative Embedding:End-to-End Learning for Joint Detection and Grouping

  • arxiv: https://arxiv.org/abs/1611.05424

Deep Cuboid Detection: Beyond 2D Bounding Boxes

  • intro: CMU & Magic Leap
  • arxiv: https://arxiv.org/abs/1611.10010

Automatic Model Based Dataset Generation for Fast and Accurate Crop and Weeds Detection

  • arxiv: https://arxiv.org/abs/1612.03019

Deep Learning Logo Detection with Data Expansion by Synthesising Context

  • arxiv: https://arxiv.org/abs/1612.09322

Pixel-wise Ear Detection with Convolutional Encoder-Decoder Networks

  • arxiv: https://arxiv.org/abs/1702.00307

Automatic Handgun Detection Alarm in Videos Using Deep Learning

  • arxiv: https://arxiv.org/abs/1702.05147
  • results: https://github.com/SihamTabik/Pistol-Detection-in-Videos

Object Proposal

DeepProposal: Hunting Objects by Cascading Deep Convolutional Layers

  • arxiv: http://arxiv.org/abs/1510.04445
  • github: https://github.com/aghodrati/deepproposal

Scale-aware Pixel-wise Object Proposal Networks

  • intro: IEEE Transactions on Image Processing
  • arxiv: http://arxiv.org/abs/1601.04798

Attend Refine Repeat: Active Box Proposal Generation via In-Out Localization

  • intro: BMVC 2016. AttractioNet
  • arxiv: https://arxiv.org/abs/1606.04446
  • github: https://github.com/gidariss/AttractioNet

Learning to Segment Object Proposals via Recursive Neural Networks

  • arxiv: https://arxiv.org/abs/1612.01057

Learning Detection with Diverse Proposals

  • intro: CVPR 2017
  • keywords: differentiable Determinantal Point Process (DPP) layer, Learning Detection with Diverse Proposals (LDDP)
  • arxiv: https://arxiv.org/abs/1704.03533

Localization

Beyond Bounding Boxes: Precise Localization of Objects in Images

  • intro: PhD Thesis
  • homepage: http://www.eecs.berkeley.edu/Pubs/TechRpts/2015/EECS-2015-193.html
  • phd-thesis: http://www.eecs.berkeley.edu/Pubs/TechRpts/2015/EECS-2015-193.pdf
  • github(“SDS using hypercolumns”): https://github.com/bharath272/sds

Weakly Supervised Object Localization with Multi-fold Multiple Instance Learning

  • arxiv: http://arxiv.org/abs/1503.00949

Weakly Supervised Object Localization Using Size Estimates

  • arxiv: http://arxiv.org/abs/1608.04314

Active Object Localization with Deep Reinforcement Learning

  • intro: ICCV 2015
  • keywords: Markov Decision Process
  • arxiv: https://arxiv.org/abs/1511.06015

Localizing objects using referring expressions

  • intro: ECCV 2016
  • keywords: LSTM, multiple instance learning (MIL)
  • paper: http://www.umiacs.umd.edu/~varun/files/refexp-ECCV16.pdf
  • github: https://github.com/varun-nagaraja/referring-expressions

LocNet: Improving Localization Accuracy for Object Detection

  • arxiv: http://arxiv.org/abs/1511.07763
  • github: https://github.com/gidariss/LocNet

Learning Deep Features for Discriminative Localization

  • homepage: http://cnnlocalization.csail.mit.edu/
  • arxiv: http://arxiv.org/abs/1512.04150
  • github(Tensorflow): https://github.com/jazzsaxmafia/Weakly_detector
  • github: https://github.com/metalbubble/CAM
  • github: https://github.com/tdeboissiere/VGG16CAM-keras

ContextLocNet: Context-Aware Deep Network Models for Weakly Supervised Localization

  • intro: ECCV 2016
  • project page: http://www.di.ens.fr/willow/research/contextlocnet/
  • arxiv: http://arxiv.org/abs/1609.04331
  • github: https://github.com/vadimkantorov/contextlocnet

Tutorials / Talks

Convolutional Feature Maps: Elements of efficient (and accurate) CNN-based object detection

  • slides: http://research.microsoft.com/en-us/um/people/kahe/iccv15tutorial/iccv2015_tutorial_convolutional_feature_maps_kaiminghe.pdf

Towards Good Practices for Recognition & Detection

  • intro: Hikvision Research Institute. Supervised Data Augmentation (SDA)
  • slides: http://image-net.org/challenges/talks/2016/Hikvision_at_ImageNet_2016.pdf

Projects

TensorBox: a simple framework for training neural networks to detect objects in images

  • intro: “The basic model implements the simple and robust GoogLeNet-OverFeat algorithm. We additionally provide an implementation of the ReInspect algorithm”
  • github: https://github.com/Russell91/TensorBox

Object detection in torch: Implementation of some object detection frameworks in torch

  • github: https://github.com/fmassa/object-detection.torch

Using DIGITS to train an Object Detection network

  • github: https://github.com/NVIDIA/DIGITS/blob/master/examples/object-detection/README.md

FCN-MultiBox Detector

  • intro: Full convolution MultiBox Detector (like SSD) implemented in Torch.
  • github: https://github.com/teaonly/FMD.torch

KittiBox: A car detection model implemented in Tensorflow.

  • keywords: MultiNet
  • intro: KittiBox is a collection of scripts to train out model FastBox on the Kitti Object Detection Dataset
  • github: https://github.com/MarvinTeichmann/KittiBox

Blogs

Convolutional Neural Networks for Object Detection

http://rnd.azoft.com/convolutional-neural-networks-object-detection/

Introducing automatic object detection to visual search (Pinterest)

  • keywords: Faster R-CNN
  • blog: https://engineering.pinterest.com/blog/introducing-automatic-object-detection-visual-search
  • demo:https://engineering.pinterest.com/sites/engineering/files/Visual%20Search%20V1%20-%20Video.mp4
  • review: https://news.developer.nvidia.com/pinterest-introduces-the-future-of-visual-search/?mkt_tok=eyJpIjoiTnpaa01UWXpPRE0xTURFMiIsInQiOiJJRjcybjkwTmtmallORUhLOFFFODBDclFqUlB3SWlRVXJXb1MrQ013TDRIMGxLQWlBczFIeWg0TFRUdnN2UHY2ZWFiXC9QQVwvQzBHM3B0UzBZblpOSmUyU1FcLzNPWXI4cml2VERwTTJsOFwvOEk9In0%3D

Deep Learning for Object Detection with DIGITS

  • blog: https://devblogs.nvidia.com/parallelforall/deep-learning-object-detection-digits/

Analyzing The Papers Behind Facebook’s Computer Vision Approach

  • keywords: DeepMask, SharpMask, MultiPathNet
  • blog: https://adeshpande3.github.io/adeshpande3.github.io/Analyzing-the-Papers-Behind-Facebook’s-Computer-Vision-Approach/

Easily Create High Quality Object Detectors with Deep Learning

  • intro: dlib v19.2
  • blog: http://blog.dlib.net/2016/10/easily-create-high-quality-object.html

How to Train a Deep-Learned Object Detection Model in the Microsoft Cognitive Toolkit

  • blog: https://blogs.technet.microsoft.com/machinelearning/2016/10/25/how-to-train-a-deep-learned-object-detection-model-in-cntk/
  • github:https://github.com/Microsoft/CNTK/tree/master/Examples/Image/Detection/FastRCNN

Object Detection in Satellite Imagery, a Low Overhead Approach

  • part 1: https://medium.com/the-downlinq/object-detection-in-satellite-imagery-a-low-overhead-approach-part-i-cbd96154a1b7#.2csh4iwx9
  • part 2: https://medium.com/the-downlinq/object-detection-in-satellite-imagery-a-low-overhead-approach-part-ii-893f40122f92#.f9b7dgf64

You Only Look Twice — Multi-Scale Object Detection in Satellite Imagery With Convolutional Neural Networks

  • part 1: https://medium.com/the-downlinq/you-only-look-twice-multi-scale-object-detection-in-satellite-imagery-with-convolutional-neural-38dad1cf7571#.fmmi2o3of
  • part 2: https://medium.com/the-downlinq/you-only-look-twice-multi-scale-object-detection-in-satellite-imagery-with-convolutional-neural-34f72f659588#.nwzarsz1t

Faster R-CNN Pedestrian and Car Detection

  • blog: https://bigsnarf.wordpress.com/2016/11/07/faster-r-cnn-pedestrian-and-car-detection/
  • ipn: https://gist.github.com/bigsnarfdude/2f7b2144065f6056892a98495644d3e0#file-demo_faster_rcnn_notebook-ipynb
  • github: https://github.com/bigsnarfdude/Faster-RCNN_TF

Small U-Net for vehicle detection

  • blog: https://medium.com/@vivek.yadav/small-u-net-for-vehicle-detection-9eec216f9fd6#.md4u80kad

« NLP



本文内容由网友自发贡献,版权归原作者所有,本站不承担相应法律责任。如您发现有涉嫌抄袭侵权的内容,请联系:hwhale#tublm.com(使用前将#替换为@)

object detection资料汇总 的相关文章

  • R中整数类和数字类有什么区别

    我想先说我是一个绝对的编程初学者 所以请原谅这个问题是多么基本 我试图更好地理解 R 中的 原子 类 也许这适用于一般编程中的类 我理解字符 逻辑和复杂数据类之间的区别 但我正在努力寻找数字类和整数类之间的根本区别 假设我有一个简单的向量x
  • 将多维数组转换为单数组(Javascript)

    我有一个对象数组 来自 XLSX js 解析器 因此其长度和内容各不相同 表示已给予项目的资助 简化后 它看起来像这样 var grants id p 1 location loc 1 type A funds 5000 id p 2 lo
  • 将值添加到对象类型c#

    我有这样的对象 object rt new page 1 现在我如何向该对象添加新值 我的意思是这样的 rt code 5 这怎么可能呢 听起来更像是你想要一个Dictionary
  • 如何计算嵌套对象的深度?

    我有一个嵌套对象的示例数组 let arr id 0 children id 1 children id 2 children id 3 children id 4 children 我需要计算每个对象的深度级别 在所有对象中我也有一个pa
  • 为什么这个对象的“forEach 不是函数”?

    这可能真的很愚蠢 但我不明白为什么这不起作用 var a cat large a forEach function value key map console log value 未捕获的类型错误 a forEach 不是函数 http j
  • 如何递归地将嵌套对象数组转换为平面对象数组?

    我有以下深度嵌套对象数组 const data name foo children count 1 name A count 2 name B name bar children count 3 name C children count
  • 比较 C# 中的对象属性[关闭]

    Closed 这个问题是基于意见的 help closed questions 目前不接受答案 Locked 这个问题及其答案是locked help locked posts因为这个问题是题外话 但却具有历史意义 目前不接受新的答案或互动
  • 使用带有通配符的 jquery grep 搜索对象数组

    我正在使用 jquery grep 搜索对象数组 并希望在搜索中包含通配符 例如 我有一个数组如下 courses code ENCH3TH otherFields otherStuff code ENCH3THHS1 otherField
  • 如何从另一个 Excel 实例引用工作簿

    我相信我的问题相当简单 我有一个工作簿 我正在使用它从另一个软件 SAP 获取一些数据 当我从软件导出数据时 它会自动打开一个 xlsx 文件 然后我需要做的是从该文件复制一些数据 粘贴到我的原始工作簿上 然后关闭该文件 我的代码中给我带来
  • 如何在 Python 中创建对象的副本?

    我想创建一个对象的副本 我希望新对象拥有旧对象的所有属性 字段的值 但我想要有独立的对象 因此 如果我更改新对象的字段值 旧对象不应受到影响 要获得对象的完全独立的副本 您可以使用copy deepcopy http docs python
  • JavaScript 对象的动态深度设置[重复]

    这个问题在这里已经有答案了 给定对象属性路径的字符串 如何动态设置此属性 给定这个示例对象 var obj a b c Before 它应该能够使用如下辅助函数设置值 setToValue obj After a b 0 c 我用下面的代码
  • 创建指向类对象的指针数组

    问题 创建一个至少包含四个指向 Reader 对象的指针的数组 使用 New 运算符创建至少四个指向派生类对象的指针并将它们分配给数组 我不确定我做对了还是错了 Reader 是基类 John David Daniel Mark 是派生类
  • 递归读取任何 java 对象并将复杂类型提取到哈希映射中

    我需要编写一个实用程序 它接受空白 HashMap 和任何对象作为参数并返回 HashMap public HashMap returnMap HashMap map Object parseThisObject logic to stri
  • 在 JavaScript 中按值对字典进行排序

    这是我的字典 const dict x 1 y 6 z 9 a 5 b 7 c 11 d 17 t 3 我需要一种方法来排序我的dict字典从最小到最大或从最大到最小 或者即使我有一个包含排序键的数组也很好 但我不知道如何使用来做这样的事情
  • empty() 在对象的非空属性上返回 TRUE

    我遇到了一个非常奇怪且意想不到的问题 empty 正在返回TRUE由于我不知道的原因 在一处非空的房产上 class MyObject private property public function construct property
  • C#中如何将委托转换为对象?

    我正在使用反射类来调用其他 dll 上的一些方法 方法的参数之一是委托类型 我想通过使用反射来调用这个方法 所以我需要将函数参数作为对象数组传递 但我找不到任何关于 如何将委托转换为对象 提前致谢 委托是一个对象 只需像平常一样创建预期的委
  • 找出对象列表中是否包含具有指定字段值的内容?

    我有一个从数据库收到的 DTO 列表 它们有一个 ID 我想确保我的列表包含具有指定 ID 的对象 显然 在这种情况下创建具有预期字段的对象不会有帮助 因为 contains 调用 Object equals 并且它们不会相等 我想出了这样
  • JavaScript 中的字符串基元和字符串对象有什么区别?

    取自 字符串文字 用双引号或单引号表示 和字符串 从非构造函数上下文中的 String 调用返回 即 没有 使用 new 关键字 是原始字符串 自动 JavaScript 将基元转换为 String 对象 以便可以使用 原始字符串的字符串对
  • 当我尝试在 PHP 中访问类变量时,类变量为 null

    好吧 这是我的主要代码 require checkpassword php require mysqllogininfo php Validate password if validatePassword GET password retu
  • 理解“窗口”对象[重复]

    这个问题在这里已经有答案了 可能的重复 JS 窗口全局对象 https stackoverflow com questions 10035771 js window global object 如何window对象工作 我知道它是顶级对象并

随机推荐

  • 学习无人机-C01小四轴无人机初体验

    开机时 xff0c M3对应的蓝色指示灯先亮 xff0c M4那头对应的LED09一直亮 xff08 只要板子上电 xff0c 就会一直亮 xff09 充电时 xff0c 红色LED11一直亮 xff0c 没有变暗或者灭掉的现象 并且 xf
  • 姿态传感器的原理与应用文献笔记

    64 TOC 姿态传感器的原理与应用文献笔记 20210526 一 高精度姿态传感器x 1 姿态传感器的定义和意义 姿态传感器以嵌入式系统为核心 xff0c 基于 固态 结构 xff0c 采用先进的倾角测量技术分 xff38 xff39 两
  • vim无法安装问题

    1 用root账户登录Ubuntu xff0c 命令行中输入vim xff0c 如果未安装会得到下面的提示 xff1a 程序 vim 已包含在下列软件包中 xff1a vim gnome vim tiny vim gtk vim nox 请
  • k8s操作手册

    1 kubernetes 组件 1 1 Kubernetes 组件介绍 一个 kubernetes 集群主要由控制节点 xff08 master xff09 工作节点 xff08 node xff09 构成 xff0c 每个节点上都会安装不
  • 已知一指针p,你可以确定该指针是否指向一个有效的对象吗?如果可以,如何确定?如果不可以,请说明原因。

    这个问题我的思路是 xff1a 首先用 p将其值输出来 xff0c 如果编译器报错 xff0c 证明p指向一个无效的对象 xff0c 要么p 61 0要么p未进行初始化 xff0c 此时可以用if p 61 61 NULL 进行判断即可 x
  • opencv学习_10 (图像和轮廓的匹配(hu矩))

    图像和轮廓的匹配 hu矩 1 hu矩的概念 xff0c 我也总结了但是我不过多的阐述 xff0c 因为我也不是太理解 xff0c 只知道它具有平移 xff0c 旋转 xff0c 尺度不变性 xff0c 详细见别人的这篇 blog xff1a
  • opencv学习_11 (模板匹配(包括单模板和多模板))

    模板匹配 在一幅图像中匹配与模板相似的单个或者多个目标 1 目标匹配函数 xff1a cvMatchTemplate const CvArr image constCvArr templ CvArr result int method Im
  • opencv学习_11 (moravec角点检测及缺点)

    1 首先我们来看三幅图片理解什么是角点 xff1a 我们在图片以某像素点为中心 xff0c 取一窗口 xff0c 当窗口向各个方向移动时 xff0c 其内部灰度值变化不是很明显 xff0c 则该点即处在平坦区域 如左边图 xff1b 当其内
  • 2013学习总结

    时间飞逝 xff0c 很快又要过年了 xff0c 马上就要回家了 xff0c 2013年工作也接近尾声了 下面好好总结下2013 学习与工作 lt 1 gt 863农产品推荐系统 一个字形容 xff1a 水 可能国家项目都是这样的 不管怎样
  • 机器学习实战笔记2(k-近邻算法)

    1 xff1a 算法简单描述 给定训练数据样本和标签 xff0c 对于某测试的一个样本数据 xff0c 选择距离其最近的k个训练样本 xff0c 这k个训练样本中所属类别最多的类即为该测试样本的预测标签 简称kNN 通常k是不大于20的整数
  • 智源青年科学家候选人 | 张祥雨:挑战自动化深度学习系统

    4月16日 xff0c 北京智源人工智能研究院发布 智源学者计划 xff0c 宣布重点支持四类人才 xff1a 智源科学家首席 xff08 CS xff09 智源研究项目经理 xff08 PM xff09 智源研究员 xff08 PI xf
  • 可导一定连续,连续不一定可导

    今天在群里面看到大家发了这句可导一定连续 xff0c 连续不一定可导 大家应该都很熟悉 xff0c 包括我自己 xff0c 但是真正理解有多少呢 xff0c 我当时就没想明白 xff0c 中午吃饭的时候也在想 xff0c 最后还是想明白了
  • PCA降维简介

    PCA 全称为 principal component analysis xff0c 即主成成分分析 xff0c 用于降维 对数据进行降维有很多原因 比如 xff1a 1 xff1a 使得数据更易显示 xff0c 更易懂 2 xff1a 降
  • 2014学习总结

    本来想将2014的总结推迟几天写的 xff0c 可是看到csdn的博客活动 xff0c 故而提前几天写了 http blog csdn net lu597203933 article details 18421101这是我个人2013写的学
  • 相似图片搜索原理一(ahash—c++实现)

    ahash xff0c 全称叫做 average hash 应该是 phash perceptual hash 感知哈希 算法的一种 是基于图像内容搜索最简单的一种 search image by image xff0c 因此也有很多的局限
  • BP算法与公式推导

    BP backpropgationalgorithm xff1a 后向传导算法 xff0c 顾名思义就是从神经网络的输出 顶层 到输入 底层 进行求解 那么求解什么呢 xff0c 求解的就是神经网络中的参数的导数 xff0c 即参数梯度方向
  • CNN公式推导

    CNN公式推导 1 前言 在看此blog之前 xff0c 请确保已经看懂我的前两篇blog 深度学习笔记1 卷积神经网络 和 BP算法与公式推导 并且已经看过文献 1 的论文 Notes on Convolutional Neural Ne
  • 简记ReNet

    ResNet 论文给出了Resnet有3中类型 xff0c ResNet50 res3 res4 res6 res3 xff0c ResNet101 res3 res4 res23 res3 和ResNet152 res3 res4 res
  • triplet loss的原理及caffe代码

    1 xff1a triplet loss的原理及梯度推到 http blog csdn net tangwei2014 article details 46788025 2 xff1a triplet loss如何增加到caffe中 xff
  • object detection资料汇总

    转自 xff1a https handong1587 github io deep learning 2015 10 09 object detection html Jump to LeaderboardPapers R CNNMulti