All Projects → JialeCao001 → Hsd

JialeCao001 / Hsd

Licence: mit
Hierarchical Shot Detector (ICCV2019)

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Hsd

Solo
SOLO and SOLOv2 for instance segmentation, ECCV 2020 & NeurIPS 2020.
Stars: ✭ 992 (+1771.7%)
Mutual labels:  object-detection
Det3d
A general 3D object detection codebse.
Stars: ✭ 1,025 (+1833.96%)
Mutual labels:  object-detection
Keras Retinanet For Teknofest 2019
Using RetinaNet for object detection from drone images in Teknofest istanbul 2019 Artificial Intelligence Competition
Stars: ✭ 50 (-5.66%)
Mutual labels:  object-detection
Image bbox slicer
This easy-to-use library splits images and its bounding box annotations into tiles, both into specific sizes and into any arbitrary number of equal parts. It can also resize them, both by specific sizes and by a resizing/scaling factor.
Stars: ✭ 41 (-22.64%)
Mutual labels:  object-detection
Tensorflow Lite Rest Server
Expose tensorflow-lite models via a rest API
Stars: ✭ 43 (-18.87%)
Mutual labels:  object-detection
Inceptionvisiondemo
🎥 iOS11 demo application for dominant objects detection.
Stars: ✭ 48 (-9.43%)
Mutual labels:  object-detection
Tensornets
High level network definitions with pre-trained weights in TensorFlow
Stars: ✭ 982 (+1752.83%)
Mutual labels:  object-detection
Trafficvision
MIVisionX toolkit is a comprehensive computer vision and machine intelligence libraries, utilities and applications bundled into a single toolkit.
Stars: ✭ 52 (-1.89%)
Mutual labels:  object-detection
Diffgram
Data Annotation, Data Labeling, Annotation Tooling, Training Data for Machine Learning
Stars: ✭ 43 (-18.87%)
Mutual labels:  object-detection
Jacinto Ai Devkit
Training & Quantization of embedded friendly Deep Learning / Machine Learning / Computer Vision models
Stars: ✭ 49 (-7.55%)
Mutual labels:  object-detection
Tensorflow Serving sidecar
Serve machine learning models using tensorflow serving
Stars: ✭ 41 (-22.64%)
Mutual labels:  object-detection
Realtime Detectron
Real-time Detectron using webcam.
Stars: ✭ 42 (-20.75%)
Mutual labels:  object-detection
Pytorch Ssd
MobileNetV1, MobileNetV2, VGG based SSD/SSD-lite implementation in Pytorch 1.0 / Pytorch 0.4. Out-of-box support for retraining on Open Images dataset. ONNX and Caffe2 support. Experiment Ideas like CoordConv.
Stars: ✭ 1,054 (+1888.68%)
Mutual labels:  object-detection
Cv Pretrained Model
A collection of computer vision pre-trained models.
Stars: ✭ 995 (+1777.36%)
Mutual labels:  object-detection
Ssd
High quality, fast, modular reference implementation of SSD in PyTorch
Stars: ✭ 1,060 (+1900%)
Mutual labels:  object-detection
Traffic Light Detector
Detect traffic lights and classify the state of them, then give the commands "go" or "stop".
Stars: ✭ 37 (-30.19%)
Mutual labels:  object-detection
Yolo tensorflow
🚖 Object Detection (YOLOv1) implentation in tensorflow, with training, testing and video features.
Stars: ✭ 45 (-15.09%)
Mutual labels:  object-detection
Math object detection
An image recognition/object detection model that detects handwritten digits and simple math operators. The output of the predicted objects (numbers & math operators) is then evaluated and solved.
Stars: ✭ 52 (-1.89%)
Mutual labels:  object-detection
Lfip
Efficient Featurized Image Pyramid Network for Single Shot Detector, CVPR, 2019
Stars: ✭ 52 (-1.89%)
Mutual labels:  object-detection
Ssd Knowledge Distillation
A PyTorch Implementation of Knowledge Distillation on SSD
Stars: ✭ 51 (-3.77%)
Mutual labels:  object-detection

HSD

This code is a official implementation of "Hierarchical Shot Detector (ICCV2019)" on COCO object detection with Pytorch.

Introduction

We propose a novel pipeline for accurate object detection (called ROC). Instead of simultaneous classification and regression, ROC firstly conducts box regression, secondly predicts the feature sampling locations for box classification, and finally classifies regressed boxes with the features of offset locations. To achieve the better detection accuracy, a hierarchical shot detector is proposed by stacking two ROC modules. Meanwhile, the contextual information is also incorporated to enrich the features of the second ROC module.

HSD detection pipeline.

Results

name backbone input size minival download
HSD320 VGG16 320x320 33.9 model
HSD512 VGG16 512x512 38.6 model
HSD512 ResNet101 512x512 39.7 model
HSD512 ResNext101 512x512 41.4 model

Installation

  • Install PyTorch-0.4.0 and Python 3+.
  • Clone this repository.
  • Compile the nms and install coco tools:
cd HSD
pip install Cython, pycocotools, opencv-python, matplotlib, PyYaml
./make.sh
  • Compile the deformable convolution:
cd HSD/models/deform
sh make.sh
CC=g++ python build.py
  • Then download the COCO dataset and put the MS COCO dataset at $path/data/coco
coco
|_ images
|  |_ train2014
|     |_ <imgname>.jpg
|     |_ ...
|  |_ val2014
|     |_ ...
|  |_ test2015
|     |_ ...
|_ annotations
|  |_ instances_train2014.json
|  |_ ...
|_ cache

Train and Inference

  • Download the pre-trained models (e.g., VGG16, Resnet, and ResNext) and put these models in the HSD/weights/pretrained_models/ dir:
VGG16:      wget https://s3.amazonaws.com/amdegroot-models/vgg16_reducedfc.pth
ResNet101:  wget https://download.pytorch.org/models/resnet101-5d3b4d8f.pth
Resnext101: wget https://s3.ap-northeast-2.amazonaws.com/open-mmlab/pretrain/third_party/resnext101_32x4d-a5af3160.pth
  • Use train.py to train the detector:
e.g., python train.py --cfg ./configs/hsd_vgg_coco_320.yaml
  • To evaluate a trained network:
e.g., python eval.py --cfg ./configs/hsd_vgg_coco_320.yaml --weights ./weights/hsd-vgg320-coco/hsd_vgg_epoch_160_300.pth

Ciatation

If the project helps your research, please cite this paper.

@article{Cao_HSD_ICCV_2019,
  author =       {Jiale Cao and Yanwei Pang and Jungong Han and Xuelong Li},
  title =        {Hierarchical Shot Detector},
  journal =      {Proc. International Conference on Computer Vision},
  year =         {2019}
}

Acknowledgement

Many thanks to the open source codes, i.e., SSD_Pytorch, deformable-convolution-pytorch, mmdetection, and DANet.

Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].