乡下人产国偷v产偷v自拍,国产午夜片在线观看,婷婷成人亚洲综合国产麻豆,久久综合给合久久狠狠狠9

  • <output id="e9wm2"></output>
    <s id="e9wm2"><nobr id="e9wm2"><ins id="e9wm2"></ins></nobr></s>

    • 分享

      52 個(gè)深度學(xué)習(xí)目標(biāo)檢測(cè)模型匯總,論文、源碼一應(yīng)俱全!

       黃爸爸好 2020-02-28

      目標(biāo)檢測(cè)作為計(jì)算機(jī)視覺中的一個(gè)重要分支,近些年來隨著神經(jīng)網(wǎng)絡(luò)理論研究的深入和硬件 GPU 算力的大幅度提升,一舉成為全球人工智能研究的熱點(diǎn),落地項(xiàng)目也最先開始。

      縱觀 2013 年到 2020 年,從最早的 R-CNN、OverFeat 到后來的 SSD、YOLO v3 再到去年的 M2Det,新模型層出不窮,性能也越來越好!本文將完整地總結(jié) 52 個(gè)目標(biāo)檢測(cè)模型極其性能對(duì)比,包括完備的文獻(xiàn) paper 列表。

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

      這份表看得太舒適了!這份目標(biāo)檢測(cè)超全的技術(shù)路線總結(jié)來自于 GitHub 上一個(gè)知名項(xiàng)目,作者是畢業(yè)于韓國首爾國立大學(xué)電氣與計(jì)算機(jī)工程專業(yè)的 Lee hoseong,目前已經(jīng)收獲 7.3k star。

      該項(xiàng)目地址是:

      https://github.com/hoya012/deep_learning_object_detection

      該技術(shù)路線縱貫的時(shí)間線是 2013 年到 2020 年初,上圖總結(jié)了這期間目標(biāo)檢測(cè)所有具有代表性的模型。圖中標(biāo)紅的部分是相對(duì)來說比較重要,需要重點(diǎn)掌握的模型。

      更新日志

      值得一提的是紅色石頭早在去年年初的時(shí)候已經(jīng)發(fā)文給大家推薦過這個(gè)項(xiàng)目,作者也一直在更新,截至 2020 年 2 月,作者主要的更新如下:

      • 2019.2:更新3篇論文

      • 2019.3:更新圖表和代碼鏈接

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

      • 2019.5:更新 CVPR 2019 論文

      • 2019.6:更新 CVPR 2019 論文和數(shù)據(jù)集論文

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

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

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

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

      下面詳細(xì)介紹!

      模型性能對(duì)比表

      由于硬件不同(例如 CPU、GPU、RAM 等),來比較 FPS 往往不夠準(zhǔn)確。更合適的比較方法是在同一硬件配置下測(cè)量所有模型的性能。以上所有模型的性能對(duì)比結(jié)果如下:

      從上面的表格中,可以清楚看到不同模型在 VOC07、VOC12、COCO 數(shù)據(jù)集上的性能表現(xiàn)。同時(shí)列出了模型論文發(fā)表來源。

      下面列舉一些重點(diǎn)標(biāo)紅的模型進(jìn)行簡要介紹。

      模型論文篇

      2014 年

      R-CNN

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

      論文:

      https:///pdf/1311.2524.pdf

      官方代碼 Caffe:

      https://github.com/rbgirshick/rcnn

      OverFeat

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

      論文:

      https:///pdf/1312.6229.pdf

      官方代碼 Torch:

      https://github.com/sermanet/OverFeat

      2015 年

      Fast R-CNN

      Fast R-CNN | [ICCV' 15]

      論文:

      https:///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./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:///pdf/1604.03540.pdf

      官方代碼 caffe:

      https://github.com/abhi2610/ohem

      YOLO v1

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

      論文:

      https:///pdf/1506.02640.pdf

      官方代碼 c:

      https:///darknet/yolo/

      SSD

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

      論文:

      https:///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:///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:///pdf/1612.08242.pdf

      官方代碼 c:

      https:///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./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:///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./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:///media/files/papers/YOLOv3.pdf

      官方代碼 c:

      https:///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./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:///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:///pdf/1903.06530.pdf

      數(shù)據(jù)集論文篇

      同時(shí)作者也列出了以上模型通常使用的公開數(shù)據(jù)集:VOC、ILSVRC、COCO,如下表所示:

      用于目標(biāo)檢測(cè)的數(shù)據(jù)集相關(guān)論文如下:

        本站是提供個(gè)人知識(shí)管理的網(wǎng)絡(luò)存儲(chǔ)空間,所有內(nèi)容均由用戶發(fā)布,不代表本站觀點(diǎn)。請(qǐng)注意甄別內(nèi)容中的聯(lián)系方式、誘導(dǎo)購買等信息,謹(jǐn)防詐騙。如發(fā)現(xiàn)有害或侵權(quán)內(nèi)容,請(qǐng)點(diǎn)擊一鍵舉報(bào)。
        轉(zhuǎn)藏 分享 獻(xiàn)花(0

        0條評(píng)論

        發(fā)表

        請(qǐng)遵守用戶 評(píng)論公約

        類似文章 更多