52 個深度學習目標檢測模型彙總,論文、原始碼一應俱全!

紅色石頭發表於2020-03-16

目標檢測作為計算機視覺中的一個重要分支,近些年來隨著神經網路理論研究的深入和硬體 GPU 算力的大幅度提升,一舉成為全球人工智慧研究的熱點,落地專案也最先開始。

縱觀 2013 年到 2020 年,從最早的 R-CNN、OverFeat 到後來的 SSD、YOLO v3 再到去年的 M2Det,新模型層出不窮,效能也越來越好!本文將完整地總結 52 個目標檢測模型極其效能對比,包括完備的文獻 paper 列表。

首先直奔主題,列出這 52 個目標檢測模型(建議收藏):

這份表看得太舒適了!這份目標檢測超全的技術路線總結來自於 GitHub 上一個知名專案,作者是畢業於韓國首爾國立大學電氣與計算機工程專業的 Lee hoseong,目前已經收穫 7.3k star。

該專案地址是:

https://github.com/hoya012/deep_learning_object_detection

該技術路線縱貫的時間線是 2013 年到 2020 年初,上圖總結了這期間目標檢測所有具有代表性的模型。圖中標紅的部分是相對來說比較重要,需要重點掌握的模型。

更新日誌

值得一提的是紅色石頭早在去年年初的時候已經發文給大家推薦過這個專案,作者也一直在更新,截至 2020 年 2 月,作者主要的更新如下:

  • 2019.2:更新3篇論文
  • 2019.3:更新圖表和程式碼連結

  • 2019.4:更新 ICLR 2019 和 CVPR 2019 論文

  • 2019.5:更新 CVPR 2019 論文

  • 2019.6:更新 CVPR 2019 論文和資料集論文

  • 2019.7:更新 BMVC 2019 論文和部分 ICCV 2019 論文

  • 2019.9:更新 NeurIPS 2019 論文和 ICCV 2019 論文

  • 2019.11:更新部分 AAAI 2020 論文和其它論文

  • 2020.1:更新 ICLR 2020 論文和其它論文

下面詳細介紹!

模型效能對比表

由於硬體不同(例如 CPU、GPU、RAM 等),來比較 FPS 往往不夠準確。更合適的比較方法是在同一硬體配置下測量所有模型的效能。以上所有模型的效能對比結果如下:

從上面的表格中,可以清楚看到不同模型在 VOC07、VOC12、COCO 資料集上的效能表現。同時列出了模型論文發表來源。

下面列舉一些重點標紅的模型進行簡要介紹。

模型論文篇

2014 年

R-CNN

Rich feature hierarchies for accurate object detection and semantic segmentation | [CVPR’ 14]

論文:

https://arxiv.org/pdf/1311.2524.pdf

官方程式碼 Caffe:

https://github.com/rbgirshick/rcnn

OverFeat

OverFeat: Integrated Recognition, Localization and Detection using Convolutional Networks | [ICLR’ 14]

論文:

https://arxiv.org/pdf/1312.6229.pdf

官方程式碼 Torch:

https://github.com/sermanet/OverFeat

2015 年

Fast R-CNN

Fast R-CNN | [ICCV’ 15]

論文:

https://arxiv.org/pdf/1504.08083.pdf

官方程式碼 caffe:

https://github.com/rbgirshick/fast-rcnn

Faster R-CNN

Faster R-CNN: Towards Real-Time Object Detection with Region Proposal Networks | [NIPS’ 15]

論文:

https://papers.nips.cc/paper/5638-faster-r-cnn-towards-real-time-object-detection-with-region-proposal-networks.pdf

官方程式碼 caffe:

https://github.com/rbgirshick/py-faster-rcnn

非官方程式碼 tensorflow:

https://github.com/endernewton/tf-faster-rcnn

非官方程式碼 pytorch:

https://github.com/jwyang/faster-rcnn.pytorch

2016 年

OHEM

Training Region-based Object Detectors with Online Hard Example Mining | [CVPR’ 16]

論文:

https://arxiv.org/pdf/1604.03540.pdf

官方程式碼 caffe:

https://github.com/abhi2610/ohem

YOLO v1

You Only Look Once: Unified, Real-Time Object Detection | [CVPR’ 16]

論文:

https://arxiv.org/pdf/1506.02640.pdf

官方程式碼 c:

https://pjreddie.com/darknet/yolo/

SSD

SSD: Single Shot MultiBox Detector | [ECCV’ 16]

論文:

https://arxiv.org/pdf/1512.02325.pdf

官方程式碼 caffe:

https://github.com/weiliu89/caffe/tree/ssd

非官方程式碼 tensorflow:

https://github.com/balancap/SSD-Tensorflow

非官方程式碼 pytorch:

https://github.com/amdegroot/ssd.pytorch

R-FCN

R-FCN: Object Detection via Region-based Fully Convolutional Networks | [NIPS’ 16]

論文:

https://arxiv.org/pdf/1605.06409.pdf

官方程式碼 caffe:

https://github.com/daijifeng001/R-FCN

非官方程式碼 caffe:

https://github.com/YuwenXiong/py-R-FCN

2017 年

YOLO v2

YOLO9000: Better, Faster, Stronger | [CVPR’ 17]

論文:

https://arxiv.org/pdf/1612.08242.pdf

官方程式碼 c:

https://pjreddie.com/darknet/yolo/

非官方程式碼 caffe:

https://github.com/quhezheng/caffe_yolo_v2

非官方程式碼 tensorflow:

https://github.com/nilboy/tensorflow-yolo

非官方程式碼 tensorflow:

https://github.com/sualab/object-detection-yolov2

非官方程式碼 pytorch:

https://github.com/longcw/yolo2-pytorch

FPN

Feature Pyramid Networks for Object Detection | [CVPR’ 17]

論文:

http://openaccess.thecvf.com/content_cvpr_2017/papers/Lin_Feature_Pyramid_Networks_CVPR_2017_paper.pdf

非官方程式碼 caffe:

https://github.com/unsky/FPN

RetinaNet

Focal Loss for Dense Object Detection | [ICCV’ 17]

論文:

https://arxiv.org/pdf/1708.02002.pdf

官方程式碼 keras:

https://github.com/fizyr/keras-retinanet

非官方程式碼 pytorch:

https://github.com/kuangliu/pytorch-retinanet

非官方程式碼 mxnet:

https://github.com/unsky/RetinaNet

非官方程式碼 tensorflow:

https://github.com/tensorflow/tpu/tree/master/models/official/retinanet

Mask R-CNN

Mask R-CNN | [ICCV’ 17]

論文:

http://openaccess.thecvf.com/content_ICCV_2017/papers/He_Mask_R-CNN_ICCV_2017_paper.pdf

官方程式碼 caffe2:

https://github.com/facebookresearch/Detectron

非官方程式碼 tensorflow:

https://github.com/matterport/Mask_RCNN

非官方程式碼 tensorflow:

https://github.com/CharlesShang/FastMaskRCNN

非官方程式碼 pytorch:

https://github.com/multimodallearning/pytorch-mask-rcnn

2018 年

YOLO v3

YOLOv3: An Incremental Improvement | [arXiv’ 18]

論文:

https://pjreddie.com/media/files/papers/YOLOv3.pdf

官方程式碼 c:

https://pjreddie.com/darknet/yolo/

非官方程式碼 pytorch:

https://github.com/ayooshkathuria/pytorch-yolo-v3

非官方程式碼 pytorch:

https://github.com/eriklindernoren/PyTorch-YOLOv3

非官方程式碼 keras:

https://github.com/qqwweee/keras-yolo3

非官方程式碼 tensorflow:

https://github.com/mystic123/tensorflow-yolo-v3

RefineDet

Single-Shot Refinement Neural Network for Object Detection | [CVPR’ 18]

論文:

http://openaccess.thecvf.com/content_cvpr_2018/papers/Zhang_Single-Shot_Refinement_Neural_CVPR_2018_paper.pdf

官方程式碼 caffe:

https://github.com/sfzhang15/RefineDet

非官方程式碼 chainer:

https://github.com/fukatani/RefineDet_chainer

非官方程式碼 pytorch:

https://github.com/lzx1413/PytorchSSD

2019 年

M2Det

M2Det: A Single-Shot Object Detector based on Multi-Level Feature Pyramid Network | [AAAI’ 19]

論文:

https://arxiv.org/pdf/1811.04533.pdf

官方程式碼 pytorch:

https://github.com/qijiezhao/M2Det

2020 年

Spiking-YOLO

Spiking-YOLO: Spiking Neural Network for Real-time Object Detection | [AAAI’ 20]

論文:

https://arxiv.org/pdf/1903.06530.pdf

資料集論文篇

同時作者也列出了以上模型通常使用的公開資料集:VOC、ILSVRC、COCO,如下表所示:

用於目標檢測的資料集相關論文如下:

以上就是 52 個深度學習檢測模型彙總介紹。該專案可以說把近幾年的目標檢測模型總結得很不錯了,包括論文和原始碼。希望對大家有所幫助!

廣而告之

今天推薦一個好福利!相信近期很多人在家辦公,最近看到華為雲有個開年採購季活動,雲伺服器特別優惠,遠端辦公、視訊會議、遠端教育、遠端醫療不再是問題。如果有朋友需要買雲伺服器的話,可以瞭解下!

另外這活動送的東西還真不少,送手機、送平板、送手錶、送音響,大家趕緊來上車吧!

華為雲開年採購季來了!

送8888元企業助力禮包,雲服務產品低至1折

雲伺服器79元/年,更有WeLink免費辦公!

點選“閱讀原文”,立即領取助力禮包節流增效!

https://activity.huaweicloud.com/2020feb_promotion/index.html

相關文章