不多说,直接上干货!

 

 

    本篇博客的目地,是对工作学习过程中所遇所见的一些有关深度学习、机器学习的优质资源,作分类汇总,方便自己查阅,也方便他人学习借用。

    主要会涉及一些优质的理论书籍和论文、一些实惠好用的工具库和开源库、一些供入门该理论入门所用的demo等等。

    由于本博客将不定期更新,尽量将较为前沿的深度学习、机器学习内容整理下来,需要转载的同学尽量附上本文的链接,方便获得最新的内容。

 

 

 

机器学习领域相关的大牛推荐(陆续更新)

 

 

  • 相关的理论、书籍、论文、课程、博客:
    • [Book] Yoshua Bengio, Ian Goodfellow, Aaron Courville. Deep Learning. 2015.
    • [Book] Michael Nielsen. Neural Networks and Deep Learning. 2015.
    • [Course] Convolutional Neural Networks for Visual Recognition. 2015
    • [Course] Deep Learning for Natural Language Processing. 2015.
    • [Blog] Hacker’s Guide to Neural Networks.
    • [Book] Notes on Convolutional Neural Networks
    • [Book] A guide to convolution arithmetic for deep learning

 

 

 

  • 相关的库、工具
    • Theano (Python)
    • Libraries based on Theano: Lasagne, Keras, Pylearn2
    • Caffe (C++, with Python wrapper)
    • TensorFlow (Python, C++)
    • Torch (Lua)
    • ConvNetJS (Javascript)
    • Deeplearning4j (Java)
    • MatConvNet (Matlab)
    • Spark machine learning library(Java,scala,python)
    • LIBSVM A Library for Support Vector Machines(C/C++,Java and other languages)

 

 

  • 相关的开源项目、demo
    • Facial Keypoint Detection
    • Deep Dream
    • Eyescream
    • Deep Q-network (Atari game player)
    • Caffe to Theano Model Conversion (use Caffe pretrained model in Lasagne)
    • R-CNN
    • Fast R-CNN

 

 

 

 

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(official, Matlab): https://github.com/ShaoqingRen/faster_rcnn
  • github: https://github.com/rbgirshick/py-faster-rcnn
  • github: https://github.com/mitmul/chainer-faster-rcnn
  • github: https://github.com/andreaskoepf/faster-rcnn.torch
  • github: https://github.com/ruotianluo/Faster-RCNN-Densecap-torch
  • github: https://github.com/smallcorgi/Faster-RCNN_TF
  • github: https://github.com/CharlesShang/TFFRCNN
  • github(C++ demo): https://github.com/YihangLou/FasterRCNN-Encapsulation-Cplusplus
  • github: https://github.com/yhenon/keras-frcnn

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: https://github.com/zhreshold/mxnet-ssd
  • github: https://github.com/zhreshold/mxnet-ssd.cpp
  • github: https://github.com/rykov8/ssd_keras
  • github: 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 ofarXiv: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

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

  • intro: CVPR 2017
  • arxiv: https://arxiv.org/abs/1704.03944

Spatial Memory for Context Reasoning in Object Detection

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

Improving Object Detection With One Line of Code

  • intro: University of Maryland
  • keywords: Soft-NMS
  • arxiv: https://arxiv.org/abs/1704.04503
  • github: https://github.com/bharatsingh430/soft-nms

Accurate Single Stage Detector Using Recurrent Rolling Convolution

  • intro: CVPR 2017
  • arxiv: https://arxiv.org/abs/1704.05776
  • github: https://github.com/xiaohaoChen/rrc_detection

Deep Occlusion Reasoning for Multi-Camera Multi-Target Detection

https://arxiv.org/abs/1704.05775

 

 

 

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

 

 

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

Supervised Adversarial Networks for Image Saliency Detection

https://arxiv.org/abs/1704.07242

 

 

 

 

Saliency Detection in Video

Deep Learning For Video Saliency Detection

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

 

 

 

 

 

 

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

Detecting Visual Relationships with Deep Relational Networks

  • intro: CVPR 2017 oral. The Chinese University of Hong Kong
  • arxiv: https://arxiv.org/abs/1704.03114

 

 

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
  • github: https://github.com/CongWeilin/mtcnn-caffe

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

 

 

 

 

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

Expecting the Unexpected: Training Detectors for Unusual Pedestrians with Adversarial Imposters

  • intro: CVPR 2017
  • project page: http://ml.cs.tsinghua.edu.cn:5000/publications/synunity/
  • arxiv: https://arxiv.org/abs/1703.06283
  • github(Tensorflow): https://github.com/huangshiyu13/RPNplus

 

 

 

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

ScaleNet: Guiding Object Proposal Generation in Supermarkets and Beyond

  • keywords: product detection
  • arxiv: https://arxiv.org/abs/1704.06752

Improving Small Object Proposals for Company Logo Detection

  • intro: ICMR 2017
  • arxiv: https://arxiv.org/abs/1704.08881

 

 

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 theReInspect 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

 

 

 

Tools

BeaverDam: Video annotation tool for deep learning training labels

https://github.com/antingshen/BeaverDam

 

 

 

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: 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

Region of interest pooling explained

  • blog: https://deepsense.io/region-of-interest-pooling-explained/
  • github: https://github.com/deepsense-io/roi-pooling

 

 

 

 

 

 

 

 

Deep Learning(深度学习):

ufldl的2个教程(这个没得说,入门绝对的好教程,Ng的,逻辑清晰有练习):一

ufldl的2个教程(这个没得说,入门绝对的好教程,Ng的,逻辑清晰有练习):二

Bengio团队的deep learning教程,用的theano库,主要是rbm系列,搞python的可以参考,很不错。

deeplearning.net主页,里面包含的信息量非常多,有software, reading list, research lab, dataset, demo等,强烈推荐,自己去发现好资料。

Deep learning的toolbox,matlab实现的,对应源码来学习一些常见的DL模型很有帮助,这个库我主要是用来学习算法实现过程的。

2013年龙星计划深度学习教程,邓力大牛主讲,虽然老师准备得不充分,不过还是很有收获的。

Hinton大牛在coursera上开的神经网络课程,DL部分有不少,非常赞,没有废话,课件每句话都包含了很多信息,有一定DL基础后去听收获更大。

Larochelle关于DL的课件,逻辑清晰,覆盖面广,包含了rbm系列,autoencoder系列,sparse coding系列,还有crf,cnn,rnn等。虽然网页是法文,但是课件是英文。

CMU大学2013年的deep learning课程,有不少reading paper可以参考。

达慕思大学Lorenzo Torresani的2013Deep learning课程reading list.

Deep Learning Methods for Vision(余凯等在cvpr2012上组织一个workshop,关于DL在视觉上的应用)。

斯坦福Ng团队成员链接主页,可以进入团队成员的主页,比较熟悉的有Richard Socher, Honglak Lee, Quoc Le等。

多伦多ML团队成员链接主页,可以进入团队成员主页,包括DL鼻祖hinton,还有Ruslan Salakhutdinov , Alex Krizhevsky等。

蒙特利尔大学机器学习团队成员链接主页,包括大牛Bengio,还有Ian Goodfellow 等。

纽约大学的机器学习团队成员链接主页,包括大牛Lecun,还有Rob Fergus等。

Charlie Tang个人主页,结合DL+SVM.

豆瓣上的脑与deep learning读书会,有讲义和部分视频,主要介绍了一些于deep learning相关的生物神经网络。

Large Scale ML的课程,由Lecun和Langford讲的,能不推荐么。

Yann Lecun的2014年Deep Learning课程主页。 视频链接。 

吴立德老师《深度学习课程》

一些常见的DL code列表,csdn博主zouxy09的博文,Deep Learning源代码收集-持续更新…

Deep Learning for NLP (without Magic),由DL界5大高手之一的Richard Socher小组搞的,他主要是NLP的。

2012 Graduate Summer School: Deep Learning, Feature Learning,高手云集,深度学习盛宴,几乎所有的DL大牛都有参加。

matlab下的maxPooling速度优化,调用C++实现的。

2014年ACL机器学习领域主席Kevin Duh的深度学习入门讲座视频。

R-CNN code: Regions with Convolutional Neural Network Features.

 

 

 

Machine Learning(机器学习):

介绍图模型的一个ppt,非常的赞,ppt作者总结得很给力,里面还包括了HMM,MEM, CRF等其它图模型。反正看完挺有收获的。

机器学习一个视频教程,youtube上的,翻吧,内容很全面,偏概率统计模型,每一小集只有几分钟。 

龙星计划2012机器学习,由余凯和张潼主讲。

demonstrate 的 blog :关于PGM(概率图模型)系列,主要按照Daphne Koller的经典PGM教程介绍的,大家依次google之。

FreeMind的博客,主要关于机器学习的。

Tom Mitchell大牛的机器学习课程,他的machine learning教科书非常出名。

CS109,Data Science,用python介绍机器学习算法的课程。

CCF主办的一些视频讲座。

 

 

 

国外技术团队博客:

Netflix技术博客,很多干货。

 

 

 

Computer Vision(计算机视觉):

MIT2013年秋季课程:Advances in Computer Vision,有练习题,有些有code.

IPAM一个计算机视觉的短期课程,有不少牛人参加。

 

 

 

 

OpenCV相关:

http://opencv.org/

2012年7月4日随着opencv2.4.2版本的发布,opencv更改了其最新的官方网站地址。

http://www.opencvchina.com/

好像12年才有这个论坛的,比较新。里面有针对《learning opencv》这本书的视频讲解,不过视频教学还没出完,正在更新中。对刚入门学习opencv的人来说很不错。

http://www.opencv.org.cn/forum/

opencv中文论坛,对于初次接触opencv的学者来说比较不错,入门资料多,opencv的各种英文文档也翻译成中文了。不足是感觉这个论坛上发帖提问很少人回答,也就是说讨论不够激烈。

http://opencv.jp/

opencv的日文网站,里面有不少例子代码,看不懂日文可以用网站自带的翻译,能看个大概。

http://code.opencv.org/projects/opencv

opencv版本bug修补,版本更新,以及各种相关大型活动安排,还包含了opencv最近几个月内的活动路线,即未来将增加的功能等,可以掌握各种关于opencv进展情况的最新进展。

http://tech.groups.yahoo.com/group/OpenCV/

opencv雅虎邮件列表,据说是最好的opencv论坛,信息更新最新的地方。不过个人认为要查找相关主题的内容,在邮件列表中非常不方便。

http://www.cmlab.csie.ntu.edu.tw/~jsyeh/wiki/doku.php

台湾大学暑假集训网站,内有链接到与opencv集训相关的网页。感觉这种教育形式还蛮不错的。

http://sourceforge.net/projects/opencvlibrary/

opencv版本发布地方。

http://code.opencv.org/projects/opencv/wiki/ChangeLog#241    http://opencv.willowgarage.com/wiki/OpenCV%20Change%20Logs

opencv版本内容更改日志网页,前面那个网页更新最快。

http://www.opencv.org.cn/opencvdoc/2.3.2/html/doc/tutorials/tutorials.html

opencv中文教程网页,分几个模块讲解,有代码有过程。内容是网友翻译opencv自带的doc文件里的。

https://netfiles.uiuc.edu/jbhuang1/www/resources/vision/index.html

网友总结的常用带有cvpr领域常见算法code链接的网址,感觉非常的不错。

http://fossies.org/dox/OpenCV-2.4.2/

该网站可以查看opencv中一些函数的变量接口,还会列出函数之间的结构图。

http://opencv.itseez.com/

opencv的函数、类等查找网页,有导航,查起来感觉不错。

 

 

 

优化:

submodual优化网页。

Geoff Gordon的优化课程,youtube上有对应视频。

 

 

 

数学:

http://www.youku.com/playlist_show/id_19465801.html

《计算机中的数学》系列视频,8位老师10讲内容,生动介绍微积分和线性代数基本概念在计算机学科中的各种有趣应用!

 

 

 

Linux学习资料:

http://itercast.com/library/1

linux入门的基础视频教程,对于新手可选择看第一部分,视频来源于LinuxCast.net网站,还不错。

 

 

 

OpenNI+Kinect相关:

http://1.yuhuazou.sinaapp.com/

网友晨宇思远的博客,主攻cvpr,ai等。

http://blog.csdn.net/chenli2010/article/details/6887646

kinect和openni学习资料汇总。

http://blog.csdn.net/moc062066/article/category/871261

OpenCV 计算机视觉 kinect的博客:

http://kheresy.wordpress.com/index_of_openni_and_kinect/comment-page-5/

网友Heresy的博客,里面有不少kinect的文章,写的比较详细。

http://www.cnkinect.com/

体感游戏中文网,有不少新的kinect资讯。

http://www.kinectutorial.com/

Kinect体感开发网。

http://code.google.com/p/openni-hand-tracker

openni_hand_tracking google code项目。

http://blog.candescent.ch/

网友的kinect博客,里面有很多手势识别方面的文章介绍,还有源码,不过貌似是基于c#的。

https://sites.google.com/site/colordepthfusion/

一些关于深度信息和颜色信息融合(fusion)的文章。

http://projects.ict.usc.edu/mxr/faast/

kinect新的库,可以结合OpenNI使用。

https://sites.google.com/a/chalearn.org/gesturechallenge/

kinect手势识别网站。

http://www.ros.org/wiki/mit-ros-pkg

mit的kinect项目,有code。主要是与手势识别相关。

http://www.thoughtden.co.uk/blog/2012/08/kinecting-people-our-top-6-kinect-projects/

kinect 2012年度最具创新的6个项目,有视频,确实够创新的!

http://www.cnblogs.com/yangyangcv/archive/2011/01/07/1930349.html

kinect多点触控的一篇博文。

http://sourceforge.net/projects/kinect-mex/

http://www.mathworks.com/matlabcentral/fileexchange/30242-kinect-matlab

有关matlab for kinect的一些接口。

http://news.9ria.com/2012/1212/25609.html

AIR和Kinect的结合,有一些手指跟踪的code。

http://eeeweba.ntu.edu.sg/computervision/people/home/renzhou/index.htm

研究kinect手势识别的,任洲。刚毕业不久。

 

 

 

其他网友cvpr领域的链接总结:

http://www.cnblogs.com/kshenf/

网友整理常用牛人链接总结,非常多。不过个人没有没有每个网站都去试过。所以本文也是我自己总结自己曾经用过的或体会过的。

 

 

 

OpenGL有关:

http://nehe.gamedev.net/

NeHe的OpenGL教程英文版。

http://www.owlei.com/DancingWind/

NeHe的OpenGL教程对应的中文版,由网友周玮翻译的。

http://www.qiliang.net/old/nehe_qt/

NeHe的OpengGL对应的Qt版中文教程。

http://blog.csdn.net/qp120291570

网友"左脑设计,右脑编程"的Qt_OpenGL博客,写得还不错。

http://guiliblearning.blogspot.com/

这个博客对opengl的机制有所剖析,貌似要FQ才能进去。

 

 

 

 

cvpr综合网站论坛博客等:

http://www.cvchina.net/

中国计算机视觉论坛

http://www.cvchina.info/

这个博客很不错,每次看完都能让人兴奋,因为有很多关于cv领域的科技新闻,还时不时有视频显示。另外这个博客里面的资源也整理得相当不错。中文的。

http://www.bfcat.com/

一位网友的个人计算机视觉博客,有很多关于计算机视觉前沿的东西介绍,与上面的博客一样,看了也能让人兴奋。

http://blog.csdn.net/v_JULY_v/

牛人博客,主攻数据结构,机器学习数据挖掘算法等。

http://blog.youtueye.com/

该网友上面有一些计算机视觉方向的博客,博客中附有一些实验的测试代码.

http://blog.sciencenet.cn/u/jingyanwang

多看pami才扯谈的博客,其中有不少pami文章的中文介绍。

http://chentingpc.me/

做网络和自然语言处理的,有不少机器学习方面的介绍。

 

 

 

 

ML常用博客资料等:

http://freemind.pluskid.org/

由 pluskid 所维护的 blog,主要记录一些机器学习、程序设计以及各种技术和非技术的相关内容,写得很不错。

http://datasciencemasters.org/

里面包含学ML/DM所需要的一些知识链接,且有些给出了视频教程,网页资料,电子书,开源code等,推荐!

http://cs.nju.edu.cn/zhouzh/index.htm

周志华主页,不用介绍了,机器学习大牛,更可贵的是他的很多文章都有源码公布。

http://www.eecs.berkeley.edu/~jpaisley/Papers.htm

John Paisley的个人主页,主要研究机器学习领域,有些文章有代码提供。

http://foreveralbum.yo2.cn/

里面有一些常见机器学习算法的详细推导过程。

http://blog.csdn.net/abcjennifer

浙江大学CS硕士在读,关注计算机视觉,机器学习,算法研究,博弈, 人工智能, 移动互联网等学科和产业。该博客中有很多机器学习算法方面的介绍。

http://www.wytk2008.net/

无垠天空的机器学习博客。

http://www.chalearn.org/index.html

机器学习挑战赛。

http://licstar.net/

licstar的技术博客,偏自然语言处理方向。

 

 

 

 

国内科研团队和牛人网页:

http://vision.ia.ac.cn/zh/index_cn.html

中科院自动化所机器视觉课题小组,有相关数据库、论文、课件等下载。

http://www.cbsr.ia.ac.cn/users/szli/

李子青教授个人主页,中科院自动化所cvpr领域牛叉人!

http://www4.comp.polyu.edu.hk/~cslzhang/

香港理工大学教授lei zhang个人主页,也是cvpr领域一大牛人啊,cvpr,iccv各种发表。更重要的是他所以牛叉论文的code全部公开,非常难得!

http://liama.ia.ac.cn/wiki/start

中法信息、自动化与应用联合实验室,里面很多内容不仅限而cvpr,还有ai领域一些其他的研究。

http://www.cogsci.xmu.edu.cn/cvl/english/

厦门大学特聘教授,cv领域一位牛人。研究方向主要为目标检测,目标跟踪,运动估计,三维重建,鲁棒统计学,光流计算等。

http://idm.pku.edu.cn/index.aspx

北京大学数字视频编码技术国家实验室。 

http://www.csie.ntu.edu.tw/~cjlin/libsvm/

libsvm项目网址,台湾大学的,很火!

http://www.jdl.ac.cn/user/sgshan/index.htm

山世光,人脸识别研究比较牛。在中国科学院智能信息处理重点实验室

 

 

 

 

国外科研团队和牛人网页:

https://netfiles.uiuc.edu/jbhuang1/www/resources/vision/index.html

常见计算机视觉资源整理索引,国外学者整理,全是出名的算法,并且带有代码的,这个非常有帮助,其链接都是相关领域很火的代码。

http://www.cs.cmu.edu/afs/cs/project/cil/ftp/html/txtv-groups.html

国外学者整理的各高校研究所团队网站

http://research.microsoft.com/en-us/groups/vision/

微软视觉研究小组,不解释,大家懂的,牛!

http://lear.inrialpes.fr/index.php

法国国家信息与自动化研究所,有对应牛人的链接,论文项目网页链接,且一些code对应链接等。

http://www.cs.ubc.ca/~pcarbo/objrecls/

Learning to recognize objects with little supervision该篇论文的项目网页,有对应的code下载,另附有详细说明。

http://www.eecs.berkeley.edu/~lbourdev/poselets/

poselets相关研究界面,关于poselets的第一手资料。

http://www.cse.oulu.fi/CMV/Research

芬兰奥卢大学计算机科学与工程学院网页,里面有很多cv领域相关的研究,比如说人脸,脸部表情,人体行为识别,跟踪,人机交互等cv基本都涉及有。

http://www.cs.cmu.edu/~cil/vision.html

卡耐基梅隆大学计算机视觉主页,内容非常多。可惜的是该网站内容只更新到了2004年。

http://vision.stanford.edu/index.html

斯坦福大学计算机视觉主页,里面有非常非常多的牛人,比如说大家熟悉的lifeifei.

http://www.wavelet.org/index.php

关于wavelet研究的网页。

http://civs.ucla.edu/

加州大学洛杉矶分校统计学院,关于统计学习方面各种资料,且有相应的网上公开课。

http://www.cs.cmu.edu/~efros/

卡耐基梅隆大学Alexei(Alyosha)Efros教授个人网站,计算机图形学高手。

http://web.mit.edu/torralba/www//

mit牛人Associate教授个人网址,主要研究计算机视觉人体视觉感知,目标识别和场景理解等。

http://people.csail.mit.edu/billf/

mit牛人William T. Freeman教授,主要研究计算机视觉和图像学

http://www.research.ibm.com/peoplevision/

IBM人体视觉研究中心,里面除了有其研究小组的最新成果外,还有很多测试数据(特别是视频)供下载。

http://www.vlfeat.org/

vlfeat主页,vlfeat也是一个开源组织,主要定位在一些最流行的视觉算法开源上,C编写,其很多算法效果比opencv要好,不过数量不全,但是非常有用。

http://www.robots.ox.ac.uk/~az/

Andrew Zisserman的个人主页,这人大家应该熟悉,《计算机视觉中的多视几何》这本神书的作者之一。

http://www.cs.utexas.edu/~grauman/

KristenGrauman教授的个人主页,是个大美女,且是2011年“马尔奖”获得者,”马尔奖“大家都懂的,计算机视觉领域的最高奖项,目前无一个国内学者获得过。她的主要研究方法是视觉识别。

http://groups.csail.mit.edu/vision/welcome/

mit视觉实验室主页。

http://code.google.com/p/sixthsense/

曾经在网络上非常出名一个视频,一个作者研究的第六感装置,现在这个就是其开源的主页。

http://vision.ucsd.edu/~pdollar/research.html#BehaviorRecognitionAnimalBehavior

Piotr Dollar的个人主要,主要研究方向是人体行为识别。

http://www.mmp.rwth-aachen.de/

移动多媒体处理,将移动设备,计算机图像学,视觉,图像处理等结合的领域。

http://www.di.ens.fr/~laptev/index.html

Ivan Laptev牛人主页,主要研究人体行为识别。有很多数据库可以下载。

http://blogs.oregonstate.edu/hess/

Rob Hess的个人主要,里面有源码下载,比如说粒子滤波,他写的粒子滤波在网上很火。

http://morethantechnical.googlecode.com/svn/trunk/

cvpr领域一些小型的开源代码。

http://iica.de/pd/index.py

做行人检测的一个团队,内部有一些行人检测的代码下载。

http://www.cs.utexas.edu/~grauman/research/pubs.html

UT-Austin计算机视觉小组,包含的视觉研究方向比较广,且有的文章有源码,你只需要填一个邮箱地址,系统会自动发跟源码相关的信息过来。

http://www.robots.ox.ac.uk/~vgg/index.html

visual geometry group

 

 

 

 

图像:

http://blog.sina.com.cn/s/blog_4cccd8d301012pw5.html

交互式图像分割代码。

http://vision.csd.uwo.ca/code/

graphcut优化代码。

 

 

 

 

语音:

http://danielpovey.com/kaldi-lectures.html

语音处理中的kaldi学习。

 

 

 

 

算法分析与设计(计算机领域的基础算法):

http://www.51nod.com/focus.html

该网站主要是讨论一些算法题。里面的李陶冶是个大牛,回答了很多算法题。

 

 

 

一些综合topic列表:

http://www.cs.cornell.edu/courses/CS7670/2011fa/

计算机视觉中的些topic(Special Topics in Computer Vision),截止到2011年为止,其引用的文章都是非常顶级的topic。

 

 

 

 

书籍相关网页:

http://www.imageprocessingplace.com/index.htm

冈萨雷斯的《数字图像处理》一书网站,包含课程材料,matlab图像处理工具包,课件ppt等相关素材。

Consumer Depth Cameras for Computer Vision

很优秀的一本书,不过很贵,买不起啊!做深度信息的使用这本书还不错,google图中可以预览一部分。

Making.Things.See

针对Kinect写的,主要关注深度信息,较为基础。书籍中有不少例子,貌似是java写的。

 

 

 

国内一些AI相关的研讨会:

http://www.iipl.fudan.edu.cn/MLA13/index.htm

中国机器学习及应用研讨会(这个是2013年的)

 

 

 

期刊会议论文下载:

http://cvpapers.com/

几个顶级会议论文公开下载界面,比如说ICCV,CVPR,ECCV,ACCV,ICPR,SIGGRAPH等。

http://www.cvpr2012.org/

cvpr2012的官方地址,里面有各种资料和信息,其他年份的地址类似推理更改即可。

http://www.sciencedirect.com/science/journal/02628856

ICV期刊下载

http://www.computer.org/portal/web/tpami

TPAMI期刊,AI领域中可以算得上是最顶级的期刊了,里面有不少cvpr方面的内容。

http://www.springerlink.com/content/100272/

IJCV的网址。

http://books.nips.cc/

NIPS官网,有论文下载列表。

http://graphlab.org/lsrs2013/program/

LSRS (会议)地址,大规模推荐系统,其它年份依次类推。

 

 

 

会议期刊相关信息:

http://conferences.visionbib.com/Iris-Conferences.html

该网页列出了图像处理,计算机视觉领域相关几乎所有比较出名的会议时间表。

http://conferences.visionbib.com/Browse-conf.php

上面网页的一个子网页,列出了最近的CV领域提交paper的deadline。

 

 

 

cvpr相关数据库下载:

http://research.microsoft.com/en-us/um/people/jckrumm/WallFlower/TestImages.htm

微软研究院牛人Wallflower Paper的论文中用到的目标检测等测试图片

http://archive.ics.uci.edu/ml/

UCI数据库列表下载,最常用的机器学习数据库列表。

http://www.cs.rochester.edu/~rmessing/uradl/

人体行为识别通过关键点的跟踪视频数据库,Rochester university的

http://www.research.ibm.com/peoplevision/performanceevaluation.html

IBM人体视觉研究中心,有视频监控等非常多的测试视频。

http://www.cvpapers.com/datasets.html

该网站上列出了常见的cvpr研究的数据库。

http://www.cs.washington.edu/rgbd-dataset/index.html

RGB-D Object Dataset.做目标识别的。

 

 

 

AI相关娱乐网页:

http://en.akinator.com/

该网站很好玩,可以测试你心里想出的一个人名(当然前提是这个人必须有一定的知名度),然后该网站会提出一系列的问题,你可以选择yes or no,or I don’t know等等,最后系统会显示你心中所想的那个人。

http://www.doggelganger.co.nz/

人与狗的匹配游戏,摄像头采集人脸,呵呵…

 

 

 

 

Android相关:

https://code.google.com/p/android-ui-utils/

该网站上有一些android图标,菜单等跟界面有关的设计工具,可以用来做一些简单的UI设计.

 

 

 

 

工具和code下载:

http://lear.inrialpes.fr/people/dorko/downloads.html

6种常见的图像特征点检测子,linux下环境运行。不过只提供了二进制文件,不提供源码。

http://www.cs.ubc.ca/~pcarbo/objrecls/index.html#code

ssmcmc的matlab代码,是Learning to recognize objects with little supervision这一系列文章用的源码,属于目标识别方面的研究。

http://www.robots.ox.ac.uk/~timork/

仿射无关尺度特征点检测算子源码,还有些其它算子的源码或二进制文件。

http://www.vision.ee.ethz.ch/~bleibe/code/ism.html

隐式形状模型(ISM)项目主页,作者Bastian Leibe提供了linux下运行的二进制文件。

http://www.di.ens.fr/~laptev/download.html#stip

Ivan Laptev牛人主页中的STIP特征点检测code,但是也只是有二进制文件,无源码。该特征点在行为识别中该特征点非常有名。

http://ai.stanford.edu/~quocle/

斯坦福大学Quoc V.Le主页,上有它2011年行为识别文章的代码。

 

 

 

 

开源软件:

http://mloss.org/software/

一些ML开源软件在这里基本都可以搜到,有上百个。

https://github.com/myui/hivemall

Scalable machine learning library for Hive/Hadoop.

http://scikit-learn.org/stable/

 

基于python的机器学习开源软件,文档写得不错。

 

 

 

 

挑战赛:

http://www.chioka.in/kaggle-competition-solutions/

kaggle一些挑战赛的code. 

 

 

 

 

公开课:

网易公开课,国内做得很不错的公开课,翻译了一些国外出名的公开课教程,与国外公开课平台coursera有合作。

coursera在线教育网上公开课,很新,有个邮箱注册即可学习,有不少课程,且有对应的练习,特别是编程练习,超赞。

斯坦福网上公开课链接,有统计学习,凸优化等课程。

udacity公开课程下载链接,其实速度还可以。里面有不少好教程。

机器学习公开课的连接,有不少课。

 

 

 

 

   在最近的学习中,看到一些有用的资源就记下来了,现在总结一下,欢迎补充! 
机器视觉开源代码合集 
计算机视觉算法与代码集锦 
计算机视觉的一些测试数据集和源码站点 
SIFT官网 
SURF PCA-SIFT and SIFT 开源代码 总结 
常用图像数据集:标注、检索 
KTH-TIPS2 image dataset 
视频中行为识别公开数据库汇总 
MSR Action Recognition Datasets and Codes 
Sparse coding simulation software 
稀疏表示 
Deep Learning源代码收集-持续更新 
Training a deep autoencoder or a classifier on MNIST digits 
Charlie Tang 
本文实现了09年CVPR的文章 
Kaggle 机器学习竞赛冠军及优胜者的源代码汇总 
Feature_detection 
机器学习视频公开课 
机器学习的最佳入门学习资源 
http://blog.jobbole.com/82630/ 
国外程序员整理的机器学习资源大全 
一些下载资源的链接 
Some Useful Links 
A Library for Large Linear Classification

 

 

 

 

 

 

 

 

 

 

本博文转自

http://blog.csdn.net/huixingshao/article/details/71406084

https://handong1587.github.io/deep_learning/2015/10/09/object-detection.html#t-cnn

本人常用资源整理(ing...)

作者:好记性不如烂笔头!
出处:http://www.cnblogs.com/zlslch/

本文版权归作者和博客园共有,欢迎转载,但未经作者同意必须保留此段声明,且在文章页面明显位置给出原文链接,否则保留追究法律责任的权利。

分类: 机器学习/深度学习

转载于:https://www.cnblogs.com/leoking01/p/7227852.html

查看全文
如若内容造成侵权/违法违规/事实不符,请联系编程学习网邮箱:809451989@qq.com进行投诉反馈,一经查实,立即删除!

相关文章

  1. 十进制数转换为二进制数以及浮点数存储方法

    一、十进制数转换为二进制数 十进制数转换为二进制数时,由于整数和小数的转换方法不同,所以先将十进制数的整数部分和小数部分分别转换后,再加以合并。 1. 十进制整数转换为二进制整数 十进制整数转换为二进制整数采用"除2取余,逆序排列"法。具体做法是:用2去除…...

    2024/4/21 1:20:48
  2. 行人检测资源汇总

    行人检测具有极其广泛的应用:智能辅助驾驶,智能监控,行人分析以及智能机器人等领域。从2005年以来行人检测进入了一个快速的发展阶段,但是也存在很多问题还有待解决,主要还是在性能和速度方面还不能达到一个权衡。近年…...

    2024/4/21 1:20:47
  3. 【计算机视觉】行人检测资源汇总

    行人检测资源(上)综述文献 http://www.cvrobot.net/pedestrian-detection-resource-1-summary-review-survey/ 行人检测资源(下)代码数据 http://www.cvrobot.net/pedestrian-detection-resource-2-code-and-dataset/ 行人检测具有…...

    2024/4/21 1:20:46
  4. Rabbitmq报错pika.exceptions.IncompatibleProtocolError: StreamLostError: ('Transport indicated EOF',)

    rabbitmq 报错 pika.exceptions.IncompatibleProtocolError: StreamLostError: (‘Transport indicated EOF’,)解决办法 产生此报错的原因是我将port写成了15672 port = 15672rabbitmq需要通过端口5672连接 - 而不是15672.更改端口,转发,一切正常 port = 5672...

    2024/4/20 3:02:24
  5. 超100篇!CVPR 2020最全GAN论文梳理汇总!

    点击上方“机器学习与生成对抗网络”,关注"星标"获取有趣、好玩的前沿干货!戳我,查看GAN的系列专辑~!下述论文已分类打包好!共116篇,事实上仍有一些GAN论文未被包含入内,比如笔者发推…...

    2024/4/21 1:20:45
  6. 计算机视觉库整理

    转自:http://www.cnblogs.com/tornadomeet/archive/2012/05/24/2515980.html Deep Learning(深度学习): ufldl的2个教程(这个没得说,入门绝对的好教程,Ng的,逻辑清晰有练习):一 ufld…...

    2024/4/21 1:20:43
  7. 计算机视觉库整理2017

    转自:http://www.cnblogs.com/tornadomeet/archive/2012/05/24/2515980.html Deep Learning(深度学习): ufldl的2个教程(这个没得说,入门绝对的好教程,Ng的,逻辑清晰有练习):一 u…...

    2024/4/21 1:20:42
  8. AI-图书馆(一)

    本文章有转载自其它博文,也有自己发现的新库添加进来的,如果发现有新的库,可以推荐我加进来 转自:http://blog.csdn.net/sherry_gp/article/details/51436627 Deep Learning(深度学习): ufldl的…...

    2024/4/21 1:20:41
  9. 肌肉金轮制作教程

    肌肉金轮视频用的deepfacelab开源软件,汉化软件和中文教程可在dfldata.xyz免费下载 肌肉金轮的原作者就在我的QQ群1095077489,欢迎加入学习 已经把肌肉金轮原素材都打包准备好了,方便大家使用...

    2024/4/28 1:31:08
  10. 表情识别(二)--基于CNN分类

    说白了,就是个分类任务,但是纯粹的CNN分类,只是对传统方式的提升,本质思路没有改变,效果也不是很明显。 转自:https://blog.csdn.net/walilk/article/details/58709611 前言 [机器学习] 实验笔记系列是以…...

    2024/4/21 1:20:39
  11. Deepfake版阿汤哥,在海外版抖音上收获了32万粉丝

    萧箫 发自 凹非寺 量子位 报道 | 公众号 QbitAI阿汤哥“返老还童”,还开通了抖音账号?从视频中看来,这位“阿汤哥”不仅会打高尔夫:还露出了标志性的迷人微笑:到底是怎么回事?“Deepfake版”阿汤哥事情得从…...

    2024/4/20 20:45:45
  12. 语义分割入门之路_1,理论部分_1吴恩达的深度学习课程

    语义分割入门之路_1,理论部分_1吴恩达的深度学习课程一,第一门课 神经网络和深度学习(Neural Networks and Deep Learning)1,第一周:深度学习引言(Introduction to Deep Learning)1.1 欢迎(Welcome)1.2 什么是神经网络?(What is a…...

    2024/4/20 20:45:44
  13. 人脸对齐算法调研(Face Alignment)

    人脸对齐算法调研(Face Alignment) 转载自 https://zhuanlan.zhihu.com/p/101250334 一、人脸对齐的定义与作用(引用): https://blog.csdn.net/App_12062011/article/details/52562963​ blog.csdn.net 二、截止目…...

    2024/4/20 2:36:12
  14. 深度学习语义分割论文笔记(待完善)

    在深度学习这一块儿,我最开始使用Unet进行了冠状动脉血管的分割 再后来,我尝试改进Unet,改进损失函数,让网络能有不错的效果 再后来,看到了注意力机制,读了attention unet, 于是,我在…...

    2024/4/20 20:45:42
  15. 图像分割综述—翻译整理(未完待续)

    文章目录Abstract1 Introduction2 Motivation2.1 Contribution3 Impact of Deep Learning on Image Segmentation3.1 Effectiveness of convolutions for segmentation3.2 Impact of larger and more complex datasets4 Image Segmentation using Deep Learning4.1 Convolution…...

    2024/4/20 20:45:41
  16. LInux下使用docker镜像(tensorflow-gpu),无敌菜鸟弱智法,一看就会。

    在当今这个复杂的环境下,每个人对于服务器的环境都是非常的CXK感觉,所以docker就能很好地解决这个问题,即已经装好的环境!!!! 开始进入正题: 1.查看已经存在的镜像 docker images…...

    2024/4/20 20:45:39
  17. 部分算法与对应代码整理(R、Python)

    目录1. 图像、人脸、OCR、语音相关算法整理2. 机器学习与深度学习相关的R与Python库(1)RGeneral-Purpose Machine LearningData Manipulation | Data Analysis | Data Visualization(2)PythonComputer VisionNatural Language Pro…...

    2024/4/20 3:11:25
  18. 看懂人脸识别算法技术发展脉络

    【摘要】 【摘要】我们从人脸识别技术的技术细节讲起,带你初步了解人脸识别技术的发展过程。通过平台实例的操作,带你看看如何利用公有云的计算资源,快速训练一个可用的人脸识别模型。前言大家应该都看过布拉德.伯德执导、汤姆.克鲁斯主演的《…...

    2024/4/20 14:04:43
  19. 短单词汇总(2-4个字母)

    二个字母单词 am 是 an 一个 as像…一样,随着 at 在 ax 斧头 by 通过,乘坐 do 做 go 去 he 他 hi 嗨 if 如果 in 在...里 is 是 it 它 me我 my 我的 no 不 of 关于,属于 on 在....之上,关于 or 或者 so 因…...

    2024/4/21 1:20:38
  20. 机器学习面试总结

    作者:xfcherish 链接:https://www.nowcoder.com/discuss/65323?type0&order0&pos50&page1 来源:牛客网 https://www.zhihu.com/question/59683332/answer/281642849 知乎回答的补充部分 * 在知乎上发过,但是被人指出…...

    2024/4/21 1:20:37

最新文章

  1. buuctf-misc-rar

    13.rar 题目:直接破解就可以了 这个借用工具Aparch进行4位纯数字暴力破解,根据题目的提示是4位的纯数字,那我们就选择数字的破解 在长度这里,把最小口令长度和最大口令长度都选择为4 获得密码后进行解压。...

    2024/4/28 5:33:25
  2. 梯度消失和梯度爆炸的一些处理方法

    在这里是记录一下梯度消失或梯度爆炸的一些处理技巧。全当学习总结了如有错误还请留言,在此感激不尽。 权重和梯度的更新公式如下: w w − η ⋅ ∇ w w w - \eta \cdot \nabla w ww−η⋅∇w 个人通俗的理解梯度消失就是网络模型在反向求导的时候出…...

    2024/3/20 10:50:27
  3. 面试算法-140-接雨水

    题目 给定 n 个非负整数表示每个宽度为 1 的柱子的高度图,计算按此排列的柱子,下雨之后能接多少雨水。 示例 1: 输入:height [0,1,0,2,1,0,1,3,2,1,2,1] 输出:6 解释:上面是由数组 [0,1,0,2,1,0,1,3,2…...

    2024/4/26 0:46:54
  4. 编译amd 的 amdgpu 编译器

    1,下载源码 git clone --recursive https://github.com/ROCm/llvm-project.git 2, 配置cmake cmake -G "Unix Makefiles" ../llvm \ -DLLVM_ENABLE_PROJECTS"clang;clang-tools-extra;compiler-rt" \ -DLLVM_BUILD_EXAMPLESON …...

    2024/4/27 7:17:33
  5. 【外汇早评】美通胀数据走低,美元调整

    原标题:【外汇早评】美通胀数据走低,美元调整昨日美国方面公布了新一期的核心PCE物价指数数据,同比增长1.6%,低于前值和预期值的1.7%,距离美联储的通胀目标2%继续走低,通胀压力较低,且此前美国一季度GDP初值中的消费部分下滑明显,因此市场对美联储后续更可能降息的政策…...

    2024/4/26 18:09:39
  6. 【原油贵金属周评】原油多头拥挤,价格调整

    原标题:【原油贵金属周评】原油多头拥挤,价格调整本周国际劳动节,我们喜迎四天假期,但是整个金融市场确实流动性充沛,大事频发,各个商品波动剧烈。美国方面,在本周四凌晨公布5月份的利率决议和新闻发布会,维持联邦基金利率在2.25%-2.50%不变,符合市场预期。同时美联储…...

    2024/4/28 3:28:32
  7. 【外汇周评】靓丽非农不及疲软通胀影响

    原标题:【外汇周评】靓丽非农不及疲软通胀影响在刚结束的周五,美国方面公布了新一期的非农就业数据,大幅好于前值和预期,新增就业重新回到20万以上。具体数据: 美国4月非农就业人口变动 26.3万人,预期 19万人,前值 19.6万人。 美国4月失业率 3.6%,预期 3.8%,前值 3…...

    2024/4/26 23:05:52
  8. 【原油贵金属早评】库存继续增加,油价收跌

    原标题:【原油贵金属早评】库存继续增加,油价收跌周三清晨公布美国当周API原油库存数据,上周原油库存增加281万桶至4.692亿桶,增幅超过预期的74.4万桶。且有消息人士称,沙特阿美据悉将于6月向亚洲炼油厂额外出售更多原油,印度炼油商预计将每日获得至多20万桶的额外原油供…...

    2024/4/27 4:00:35
  9. 【外汇早评】日本央行会议纪要不改日元强势

    原标题:【外汇早评】日本央行会议纪要不改日元强势近两日日元大幅走强与近期市场风险情绪上升,避险资金回流日元有关,也与前一段时间的美日贸易谈判给日本缓冲期,日本方面对汇率问题也避免继续贬值有关。虽然今日早间日本央行公布的利率会议纪要仍然是支持宽松政策,但这符…...

    2024/4/27 17:58:04
  10. 【原油贵金属早评】欧佩克稳定市场,填补伊朗问题的影响

    原标题:【原油贵金属早评】欧佩克稳定市场,填补伊朗问题的影响近日伊朗局势升温,导致市场担忧影响原油供给,油价试图反弹。此时OPEC表态稳定市场。据消息人士透露,沙特6月石油出口料将低于700万桶/日,沙特已经收到石油消费国提出的6月份扩大出口的“适度要求”,沙特将满…...

    2024/4/27 14:22:49
  11. 【外汇早评】美欲与伊朗重谈协议

    原标题:【外汇早评】美欲与伊朗重谈协议美国对伊朗的制裁遭到伊朗的抗议,昨日伊朗方面提出将部分退出伊核协议。而此行为又遭到欧洲方面对伊朗的谴责和警告,伊朗外长昨日回应称,欧洲国家履行它们的义务,伊核协议就能保证存续。据传闻伊朗的导弹已经对准了以色列和美国的航…...

    2024/4/28 1:28:33
  12. 【原油贵金属早评】波动率飙升,市场情绪动荡

    原标题:【原油贵金属早评】波动率飙升,市场情绪动荡因中美贸易谈判不安情绪影响,金融市场各资产品种出现明显的波动。随着美国与中方开启第十一轮谈判之际,美国按照既定计划向中国2000亿商品征收25%的关税,市场情绪有所平复,已经开始接受这一事实。虽然波动率-恐慌指数VI…...

    2024/4/27 9:01:45
  13. 【原油贵金属周评】伊朗局势升温,黄金多头跃跃欲试

    原标题:【原油贵金属周评】伊朗局势升温,黄金多头跃跃欲试美国和伊朗的局势继续升温,市场风险情绪上升,避险黄金有向上突破阻力的迹象。原油方面稍显平稳,近期美国和OPEC加大供给及市场需求回落的影响,伊朗局势并未推升油价走强。近期中美贸易谈判摩擦再度升级,美国对中…...

    2024/4/27 17:59:30
  14. 【原油贵金属早评】市场情绪继续恶化,黄金上破

    原标题:【原油贵金属早评】市场情绪继续恶化,黄金上破周初中国针对于美国加征关税的进行的反制措施引发市场情绪的大幅波动,人民币汇率出现大幅的贬值动能,金融市场受到非常明显的冲击。尤其是波动率起来之后,对于股市的表现尤其不安。隔夜美国股市出现明显的下行走势,这…...

    2024/4/25 18:39:16
  15. 【外汇早评】美伊僵持,风险情绪继续升温

    原标题:【外汇早评】美伊僵持,风险情绪继续升温昨日沙特两艘油轮再次发生爆炸事件,导致波斯湾局势进一步恶化,市场担忧美伊可能会出现摩擦生火,避险品种获得支撑,黄金和日元大幅走强。美指受中美贸易问题影响而在低位震荡。继5月12日,四艘商船在阿联酋领海附近的阿曼湾、…...

    2024/4/28 1:34:08
  16. 【原油贵金属早评】贸易冲突导致需求低迷,油价弱势

    原标题:【原油贵金属早评】贸易冲突导致需求低迷,油价弱势近日虽然伊朗局势升温,中东地区几起油船被袭击事件影响,但油价并未走高,而是出于调整结构中。由于市场预期局势失控的可能性较低,而中美贸易问题导致的全球经济衰退风险更大,需求会持续低迷,因此油价调整压力较…...

    2024/4/26 19:03:37
  17. 氧生福地 玩美北湖(上)——为时光守候两千年

    原标题:氧生福地 玩美北湖(上)——为时光守候两千年一次说走就走的旅行,只有一张高铁票的距离~ 所以,湖南郴州,我来了~ 从广州南站出发,一个半小时就到达郴州西站了。在动车上,同时改票的南风兄和我居然被分到了一个车厢,所以一路非常愉快地聊了过来。 挺好,最起…...

    2024/4/28 1:22:35
  18. 氧生福地 玩美北湖(中)——永春梯田里的美与鲜

    原标题:氧生福地 玩美北湖(中)——永春梯田里的美与鲜一觉醒来,因为大家太爱“美”照,在柳毅山庄去寻找龙女而错过了早餐时间。近十点,向导坏坏还是带着饥肠辘辘的我们去吃郴州最富有盛名的“鱼头粉”。说这是“十二分推荐”,到郴州必吃的美食之一。 哇塞!那个味美香甜…...

    2024/4/25 18:39:14
  19. 氧生福地 玩美北湖(下)——奔跑吧骚年!

    原标题:氧生福地 玩美北湖(下)——奔跑吧骚年!让我们红尘做伴 活得潇潇洒洒 策马奔腾共享人世繁华 对酒当歌唱出心中喜悦 轰轰烈烈把握青春年华 让我们红尘做伴 活得潇潇洒洒 策马奔腾共享人世繁华 对酒当歌唱出心中喜悦 轰轰烈烈把握青春年华 啊……啊……啊 两…...

    2024/4/26 23:04:58
  20. 扒开伪装医用面膜,翻六倍价格宰客,小姐姐注意了!

    原标题:扒开伪装医用面膜,翻六倍价格宰客,小姐姐注意了!扒开伪装医用面膜,翻六倍价格宰客!当行业里的某一品项火爆了,就会有很多商家蹭热度,装逼忽悠,最近火爆朋友圈的医用面膜,被沾上了污点,到底怎么回事呢? “比普通面膜安全、效果好!痘痘、痘印、敏感肌都能用…...

    2024/4/27 23:24:42
  21. 「发现」铁皮石斛仙草之神奇功效用于医用面膜

    原标题:「发现」铁皮石斛仙草之神奇功效用于医用面膜丽彦妆铁皮石斛医用面膜|石斛多糖无菌修护补水贴19大优势: 1、铁皮石斛:自唐宋以来,一直被列为皇室贡品,铁皮石斛生于海拔1600米的悬崖峭壁之上,繁殖力差,产量极低,所以古代仅供皇室、贵族享用 2、铁皮石斛自古民间…...

    2024/4/25 18:39:00
  22. 丽彦妆\医用面膜\冷敷贴轻奢医学护肤引导者

    原标题:丽彦妆\医用面膜\冷敷贴轻奢医学护肤引导者【公司简介】 广州华彬企业隶属香港华彬集团有限公司,专注美业21年,其旗下品牌: 「圣茵美」私密荷尔蒙抗衰,产后修复 「圣仪轩」私密荷尔蒙抗衰,产后修复 「花茵莳」私密荷尔蒙抗衰,产后修复 「丽彦妆」专注医学护…...

    2024/4/26 19:46:12
  23. 广州械字号面膜生产厂家OEM/ODM4项须知!

    原标题:广州械字号面膜生产厂家OEM/ODM4项须知!广州械字号面膜生产厂家OEM/ODM流程及注意事项解读: 械字号医用面膜,其实在我国并没有严格的定义,通常我们说的医美面膜指的应该是一种「医用敷料」,也就是说,医用面膜其实算作「医疗器械」的一种,又称「医用冷敷贴」。 …...

    2024/4/27 11:43:08
  24. 械字号医用眼膜缓解用眼过度到底有无作用?

    原标题:械字号医用眼膜缓解用眼过度到底有无作用?医用眼膜/械字号眼膜/医用冷敷眼贴 凝胶层为亲水高分子材料,含70%以上的水分。体表皮肤温度传导到本产品的凝胶层,热量被凝胶内水分子吸收,通过水分的蒸发带走大量的热量,可迅速地降低体表皮肤局部温度,减轻局部皮肤的灼…...

    2024/4/27 8:32:30
  25. 配置失败还原请勿关闭计算机,电脑开机屏幕上面显示,配置失败还原更改 请勿关闭计算机 开不了机 这个问题怎么办...

    解析如下:1、长按电脑电源键直至关机,然后再按一次电源健重启电脑,按F8健进入安全模式2、安全模式下进入Windows系统桌面后,按住“winR”打开运行窗口,输入“services.msc”打开服务设置3、在服务界面,选中…...

    2022/11/19 21:17:18
  26. 错误使用 reshape要执行 RESHAPE,请勿更改元素数目。

    %读入6幅图像(每一幅图像的大小是564*564) f1 imread(WashingtonDC_Band1_564.tif); subplot(3,2,1),imshow(f1); f2 imread(WashingtonDC_Band2_564.tif); subplot(3,2,2),imshow(f2); f3 imread(WashingtonDC_Band3_564.tif); subplot(3,2,3),imsho…...

    2022/11/19 21:17:16
  27. 配置 已完成 请勿关闭计算机,win7系统关机提示“配置Windows Update已完成30%请勿关闭计算机...

    win7系统关机提示“配置Windows Update已完成30%请勿关闭计算机”问题的解决方法在win7系统关机时如果有升级系统的或者其他需要会直接进入一个 等待界面,在等待界面中我们需要等待操作结束才能关机,虽然这比较麻烦,但是对系统进行配置和升级…...

    2022/11/19 21:17:15
  28. 台式电脑显示配置100%请勿关闭计算机,“准备配置windows 请勿关闭计算机”的解决方法...

    有不少用户在重装Win7系统或更新系统后会遇到“准备配置windows,请勿关闭计算机”的提示,要过很久才能进入系统,有的用户甚至几个小时也无法进入,下面就教大家这个问题的解决方法。第一种方法:我们首先在左下角的“开始…...

    2022/11/19 21:17:14
  29. win7 正在配置 请勿关闭计算机,怎么办Win7开机显示正在配置Windows Update请勿关机...

    置信有很多用户都跟小编一样遇到过这样的问题,电脑时发现开机屏幕显现“正在配置Windows Update,请勿关机”(如下图所示),而且还需求等大约5分钟才干进入系统。这是怎样回事呢?一切都是正常操作的,为什么开时机呈现“正…...

    2022/11/19 21:17:13
  30. 准备配置windows 请勿关闭计算机 蓝屏,Win7开机总是出现提示“配置Windows请勿关机”...

    Win7系统开机启动时总是出现“配置Windows请勿关机”的提示,没过几秒后电脑自动重启,每次开机都这样无法进入系统,此时碰到这种现象的用户就可以使用以下5种方法解决问题。方法一:开机按下F8,在出现的Windows高级启动选…...

    2022/11/19 21:17:12
  31. 准备windows请勿关闭计算机要多久,windows10系统提示正在准备windows请勿关闭计算机怎么办...

    有不少windows10系统用户反映说碰到这样一个情况,就是电脑提示正在准备windows请勿关闭计算机,碰到这样的问题该怎么解决呢,现在小编就给大家分享一下windows10系统提示正在准备windows请勿关闭计算机的具体第一种方法:1、2、依次…...

    2022/11/19 21:17:11
  32. 配置 已完成 请勿关闭计算机,win7系统关机提示“配置Windows Update已完成30%请勿关闭计算机”的解决方法...

    今天和大家分享一下win7系统重装了Win7旗舰版系统后,每次关机的时候桌面上都会显示一个“配置Windows Update的界面,提示请勿关闭计算机”,每次停留好几分钟才能正常关机,导致什么情况引起的呢?出现配置Windows Update…...

    2022/11/19 21:17:10
  33. 电脑桌面一直是清理请关闭计算机,windows7一直卡在清理 请勿关闭计算机-win7清理请勿关机,win7配置更新35%不动...

    只能是等着,别无他法。说是卡着如果你看硬盘灯应该在读写。如果从 Win 10 无法正常回滚,只能是考虑备份数据后重装系统了。解决来方案一:管理员运行cmd:net stop WuAuServcd %windir%ren SoftwareDistribution SDoldnet start WuA…...

    2022/11/19 21:17:09
  34. 计算机配置更新不起,电脑提示“配置Windows Update请勿关闭计算机”怎么办?

    原标题:电脑提示“配置Windows Update请勿关闭计算机”怎么办?win7系统中在开机与关闭的时候总是显示“配置windows update请勿关闭计算机”相信有不少朋友都曾遇到过一次两次还能忍但经常遇到就叫人感到心烦了遇到这种问题怎么办呢?一般的方…...

    2022/11/19 21:17:08
  35. 计算机正在配置无法关机,关机提示 windows7 正在配置windows 请勿关闭计算机 ,然后等了一晚上也没有关掉。现在电脑无法正常关机...

    关机提示 windows7 正在配置windows 请勿关闭计算机 ,然后等了一晚上也没有关掉。现在电脑无法正常关机以下文字资料是由(历史新知网www.lishixinzhi.com)小编为大家搜集整理后发布的内容,让我们赶快一起来看一下吧!关机提示 windows7 正在配…...

    2022/11/19 21:17:05
  36. 钉钉提示请勿通过开发者调试模式_钉钉请勿通过开发者调试模式是真的吗好不好用...

    钉钉请勿通过开发者调试模式是真的吗好不好用 更新时间:2020-04-20 22:24:19 浏览次数:729次 区域: 南阳 > 卧龙 列举网提醒您:为保障您的权益,请不要提前支付任何费用! 虚拟位置外设器!!轨迹模拟&虚拟位置外设神器 专业用于:钉钉,外勤365,红圈通,企业微信和…...

    2022/11/19 21:17:05
  37. 配置失败还原请勿关闭计算机怎么办,win7系统出现“配置windows update失败 还原更改 请勿关闭计算机”,长时间没反应,无法进入系统的解决方案...

    前几天班里有位学生电脑(windows 7系统)出问题了,具体表现是开机时一直停留在“配置windows update失败 还原更改 请勿关闭计算机”这个界面,长时间没反应,无法进入系统。这个问题原来帮其他同学也解决过,网上搜了不少资料&#x…...

    2022/11/19 21:17:04
  38. 一个电脑无法关闭计算机你应该怎么办,电脑显示“清理请勿关闭计算机”怎么办?...

    本文为你提供了3个有效解决电脑显示“清理请勿关闭计算机”问题的方法,并在最后教给你1种保护系统安全的好方法,一起来看看!电脑出现“清理请勿关闭计算机”在Windows 7(SP1)和Windows Server 2008 R2 SP1中,添加了1个新功能在“磁…...

    2022/11/19 21:17:03
  39. 请勿关闭计算机还原更改要多久,电脑显示:配置windows更新失败,正在还原更改,请勿关闭计算机怎么办...

    许多用户在长期不使用电脑的时候,开启电脑发现电脑显示:配置windows更新失败,正在还原更改,请勿关闭计算机。。.这要怎么办呢?下面小编就带着大家一起看看吧!如果能够正常进入系统,建议您暂时移…...

    2022/11/19 21:17:02
  40. 还原更改请勿关闭计算机 要多久,配置windows update失败 还原更改 请勿关闭计算机,电脑开机后一直显示以...

    配置windows update失败 还原更改 请勿关闭计算机,电脑开机后一直显示以以下文字资料是由(历史新知网www.lishixinzhi.com)小编为大家搜集整理后发布的内容,让我们赶快一起来看一下吧!配置windows update失败 还原更改 请勿关闭计算机&#x…...

    2022/11/19 21:17:01
  41. 电脑配置中请勿关闭计算机怎么办,准备配置windows请勿关闭计算机一直显示怎么办【图解】...

    不知道大家有没有遇到过这样的一个问题,就是我们的win7系统在关机的时候,总是喜欢显示“准备配置windows,请勿关机”这样的一个页面,没有什么大碍,但是如果一直等着的话就要两个小时甚至更久都关不了机,非常…...

    2022/11/19 21:17:00
  42. 正在准备配置请勿关闭计算机,正在准备配置windows请勿关闭计算机时间长了解决教程...

    当电脑出现正在准备配置windows请勿关闭计算机时,一般是您正对windows进行升级,但是这个要是长时间没有反应,我们不能再傻等下去了。可能是电脑出了别的问题了,来看看教程的说法。正在准备配置windows请勿关闭计算机时间长了方法一…...

    2022/11/19 21:16:59
  43. 配置失败还原请勿关闭计算机,配置Windows Update失败,还原更改请勿关闭计算机...

    我们使用电脑的过程中有时会遇到这种情况,当我们打开电脑之后,发现一直停留在一个界面:“配置Windows Update失败,还原更改请勿关闭计算机”,等了许久还是无法进入系统。如果我们遇到此类问题应该如何解决呢&#xff0…...

    2022/11/19 21:16:58
  44. 如何在iPhone上关闭“请勿打扰”

    Apple’s “Do Not Disturb While Driving” is a potentially lifesaving iPhone feature, but it doesn’t always turn on automatically at the appropriate time. For example, you might be a passenger in a moving car, but your iPhone may think you’re the one dri…...

    2022/11/19 21:16:57