All Projects → Guanghan → Mxnet Centernet

Guanghan / Mxnet Centernet

Licence: mit
Gluon implementation of "Objects as Points", aka "CenterNet"

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Mxnet Centernet

python cv AI ML
用python做计算机视觉,人工智能,机器学习,深度学习等
Stars: ✭ 73 (+151.72%)
Mutual labels:  mxnet, gluon
NER BiLSTM CRF Chinese
BiLSTM_CRF中文实体命名识别
Stars: ✭ 46 (+58.62%)
Mutual labels:  mxnet, gluon
gluon2pytorch
Gluon to PyTorch deep neural network model converter
Stars: ✭ 72 (+148.28%)
Mutual labels:  mxnet, gluon
CycleGAN-gluon-mxnet
this repo attemps to reproduce Unpaired Image-to-Image Translation using Cycle-Consistent Adversarial Networks(CycleGAN) use gluon reimplementation
Stars: ✭ 31 (+6.9%)
Mutual labels:  mxnet, gluon
gpu accelerated forecasting modeltime gluonts
GPU-Accelerated Deep Learning for Time Series using Modeltime GluonTS (Learning Lab 53). Event sponsors: Saturn Cloud, NVIDIA, & Business Science.
Stars: ✭ 20 (-31.03%)
Mutual labels:  mxnet, gluon
Dog-Breed-Identification-Gluon
Kaggle 120种狗分类,Gluon实现
Stars: ✭ 45 (+55.17%)
Mutual labels:  mxnet, gluon
AAAI 2019 EXAM
Official implementation of "Explicit Interaction Model towards Text Classification"
Stars: ✭ 68 (+134.48%)
Mutual labels:  mxnet, gluon
Gluon Nlp
NLP made easy
Stars: ✭ 2,344 (+7982.76%)
Mutual labels:  mxnet, gluon
MXNet-EfficientNet
A Gluon Implement of EfficientNet
Stars: ✭ 12 (-58.62%)
Mutual labels:  mxnet, gluon
model-zoo-old
The ONNX Model Zoo is a collection of pre-trained models for state of the art models in deep learning, available in the ONNX format
Stars: ✭ 38 (+31.03%)
Mutual labels:  mxnet, gluon
Aws Machine Learning University Accelerated Tab
Machine Learning University: Accelerated Tabular Data Class
Stars: ✭ 718 (+2375.86%)
Mutual labels:  mxnet, gluon
Autogluon
AutoGluon: AutoML for Text, Image, and Tabular Data
Stars: ✭ 3,920 (+13417.24%)
Mutual labels:  mxnet, gluon
ResidualAttentionNetwork
A Gluon implement of Residual Attention Network. Best acc on cifar10-97.78%.
Stars: ✭ 104 (+258.62%)
Mutual labels:  mxnet, gluon
lipnet
LipNet with gluon
Stars: ✭ 16 (-44.83%)
Mutual labels:  mxnet, gluon
gluon-faster-rcnn
Faster R-CNN implementation with MXNet Gluon API
Stars: ✭ 31 (+6.9%)
Mutual labels:  mxnet, gluon
OpSummary.MXNet
A tool to count operators and parameters of your MXNet-Gluon model.
Stars: ✭ 19 (-34.48%)
Mutual labels:  mxnet, gluon
Single Path One Shot Nas Mxnet
Single Path One-Shot NAS MXNet implementation with full training and searching pipeline. Support both Block and Channel Selection. Searched models better than the original paper are provided.
Stars: ✭ 136 (+368.97%)
Mutual labels:  mxnet, gluon
Imgclsmob
Sandbox for training deep learning networks
Stars: ✭ 2,405 (+8193.1%)
Mutual labels:  mxnet, gluon
baidu-salers-logo-prediction
baidu contest, url: http://dianshi.baidu.com/gemstone/competitions/detail?raceId=17
Stars: ✭ 16 (-44.83%)
Mutual labels:  mxnet, gluon
Gluon Face
An unofficial Gluon FR Toolkit for face recognition. https://gluon-face.readthedocs.io
Stars: ✭ 264 (+810.34%)
Mutual labels:  mxnet, gluon

mxnet-centernet

MXNet port of CenterNet (https://github.com/xingyizhou/CenterNet)

Objects as Points, Xingyi Zhou, Dequan Wang, Philipp Krähenbühl, arXiv technical report (arXiv 1904.07850)

Abstract

Detection identifies objects as axis-aligned boxes in an image. Most successful object detectors enumerate a nearly exhaustive list of potential object locations and classify each. This is wasteful, inefficient, and requires additional post-processing. In this paper, we take a different approach. We model an object as a single point -- the center point of its bounding box. Our detector uses keypoint estimation to find center points and regresses to all other object properties, such as size, 3D location, orientation, and even pose. Our center point based approach, CenterNet, is end-to-end differentiable, simpler, faster, and more accurate than corresponding bounding box based detectors. CenterNet achieves the best speed-accuracy trade-off on the MS COCO dataset, with 28.1% AP at 142 FPS, 37.4% AP at 52 FPS, and 45.1% AP with multi-scale testing at 1.4 FPS. We use the same approach to estimate 3D bounding box in the KITTI benchmark and human pose on the COCO keypoint dataset. Our method performs competitively with sophisticated multi-stage methods and runs in real-time.

Overview

CenterNet is a generic network design that works for various regression tasks. The offical code solves the problems of: (1) 2D object detection, (2) 3D object detection and (3) multi-person pose estimation.

Objects are represented as points, which spatially locate these objects. Other attributes related to the objects are regressed accordingly. CenterNet is simpler in concept than previous single-shot object detectors:

  • No NMS
  • No anchor boxes (or can be considered one positive "anchor" per object, as the author put it)
  • One feature map for multiple scales

What's done

  • Implementation of these networks: (1) Hourglass, (2) Resnet18-dcn
  • 2D object detection task
    • Training and validation on COCO dataset
    • Demo of the 2D object detection task
  • 3D object detection task
    • Training and validation on KITTI dataset
  • 2D multi-person pose estimation task
    • Training and validation on COCO keypoints dataset

TODO

  • Refactoring
  • Gluon symbolic graph mode for faster training&testing
  • Achieve performance on par with the original paper
  • C++ inference

Example commands

(1) 2D Object Detection (2DOD)

  • Demo 2D object detection on an image folder:

    python demo.py --arch res_18 --load_model CenterNet_res_18_0136.params --gpus 0 --demo images/
    
  • Train and Validate CenterNet with hourglass network for 2D object detection:

    python train.py --gpu 0,1,2,3 --batch_size 24 --arch hourglass --num_workers 8 --lr 1e-4
    
  • Finetune CenterNet with resnet18-dcn network for 2D object detection:

    python train.py --gpu 0,1,2,3 --batch_size 100 --arch res_18 --num_workers 16 --lr 5e-4 \
    --flag_finetune --pretrained_path CenterNet_res_18_0060.params
    

(2) 3D Object Detection (3DOD)

  • Train CenterNet with hourglass network for 3D object detection:

    python train_3dod.py --gpu 0,1,2,3 --batch_size 24 --arch hourglass --num_workers 8 --lr 1e-4 --task ddd
    
  • Train CenterNet with resnet18-dcn network for 3D object detection:

    python train_3dod.py --gpu 0,1,2,3 --batch_size 100 --arch res_18 --num_workers 16 --lr 5e-4 --task ddd
    
  • Validate on KITTI validation set

    ./tools/kitti_eval/evaluate_object_3d_offline.out data/kitti/training/label_2/ output/results/
    

(3) 2D Multi-Person Human Pose

  • Train and Validate CenterNet with hourglass network for 2D multi-person pose estimation:

    python train_2dpose.py --gpu 0,1,2,3 --batch_size 24 --arch hourglass --num_workers 8 --lr 1e-4 --task multi_pose
    
  • Train and Validate CenterNet with resnet18-dcn network for 2D multi-person pose estimation:

    python train_2dpose.py --gpu 0,1,2,3 --batch_size 100 --arch res_18 --num_workers 16 --lr 5e-4 --task multi_pose
    

Official Implementation by Xingyi Zhou

Other Ports

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].