目标检测作为计算机视觉中的一个重要分支,近些年来随着神经网络理论研究的深入和硬件 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.4:更新 ICLR 2019 和 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 年
Rich feature hierarchies for accurate object detection and semantic segmentation | [CVPR' 14]https://arxiv.org/pdf/1311.2524.pdfhttps://github.com/rbgirshick/rcnn
OverFeat: Integrated Recognition, Localization and Detection using Convolutional Networks | [ICLR' 14]https://arxiv.org/pdf/1312.6229.pdfhttps://github.com/sermanet/OverFeat
2015 年
https://arxiv.org/pdf/1504.08083.pdfhttps://github.com/rbgirshick/fast-rcnn
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.pdfhttps://github.com/rbgirshick/py-faster-rcnnhttps://github.com/endernewton/tf-faster-rcnnhttps://github.com/jwyang/faster-rcnn.pytorch2016 年
Training Region-based Object Detectors with Online Hard Example Mining | [CVPR' 16]https://arxiv.org/pdf/1604.03540.pdfhttps://github.com/abhi2610/ohem
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.pdfhttps://github.com/weiliu89/caffe/tree/ssdhttps://github.com/balancap/SSD-Tensorflowhttps://github.com/amdegroot/ssd.pytorchR-FCN
R-FCN: Object Detection via Region-based Fully Convolutional Networks | [NIPS' 16]https://arxiv.org/pdf/1605.06409.pdfhttps://github.com/daijifeng001/R-FCNhttps://github.com/YuwenXiong/py-R-FCN2017 年
YOLO9000: Better, Faster, Stronger | [CVPR' 17]https://arxiv.org/pdf/1612.08242.pdfhttps://pjreddie.com/darknet/yolo/https://github.com/quhezheng/caffe_yolo_v2https://github.com/nilboy/tensorflow-yolohttps://github.com/sualab/object-detection-yolov2https://github.com/longcw/yolo2-pytorch
Feature Pyramid Networks for Object Detection | [CVPR' 17]http://openaccess.thecvf.com/content_cvpr_2017/papers/Lin_Feature_Pyramid_Networks_CVPR_2017_paper.pdfhttps://github.com/unsky/FPN
Focal Loss for Dense Object Detection | [ICCV' 17]https://arxiv.org/pdf/1708.02002.pdfhttps://github.com/fizyr/keras-retinanethttps://github.com/kuangliu/pytorch-retinanethttps://github.com/unsky/RetinaNethttps://github.com/tensorflow/tpu/tree/master/models/official/retinanet
http://openaccess.thecvf.com/content_ICCV_2017/papers/He_Mask_R-CNN_ICCV_2017_paper.pdfhttps://github.com/facebookresearch/Detectronhttps://github.com/matterport/Mask_RCNNhttps://github.com/CharlesShang/FastMaskRCNNhttps://github.com/multimodallearning/pytorch-mask-rcnn2018 年
YOLOv3: An Incremental Improvement | [arXiv' 18]https://pjreddie.com/media/files/papers/YOLOv3.pdfhttps://pjreddie.com/darknet/yolo/https://github.com/ayooshkathuria/pytorch-yolo-v3https://github.com/eriklindernoren/PyTorch-YOLOv3https://github.com/qqwweee/keras-yolo3https://github.com/mystic123/tensorflow-yolo-v3
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.pdfhttps://github.com/sfzhang15/RefineDethttps://github.com/fukatani/RefineDet_chainerhttps://github.com/lzx1413/PytorchSSD2019 年
M2Det: A Single-Shot Object Detector based on Multi-Level Feature Pyramid Network | [AAAI' 19]https://arxiv.org/pdf/1811.04533.pdf
https://github.com/qijiezhao/M2Det2020 年
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 个深度学习检测模型汇总介绍。该项目可以说把近几年的目标检测模型总结得很不错了,包括论文和源码。希望对大家有所帮助!