All Projects → see-- → Keras Centernet

see-- / Keras Centernet

Licence: mit
A Keras implementation of CenterNet with pre-trained model (unofficial)

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Keras Centernet

Ssd Pytorch
SSD目标检测算法(Single Shot MultiBox Detector)(简单,明了,易用,全中文注释,单机多卡训练,视频检测)( If you train the model on a single computer and mutil GPU, this program will be your best choice , easier to use and easier to understand )
Stars: ✭ 276 (-10.1%)
Mutual labels:  object-detection
Fpn tensorflow
This is a tensorflow re-implementation of Feature Pyramid Networks for Object Detection.
Stars: ✭ 291 (-5.21%)
Mutual labels:  object-detection
Open3d Ml
An extension of Open3D to address 3D Machine Learning tasks
Stars: ✭ 284 (-7.49%)
Mutual labels:  object-detection
Awesome Computer Vision Models
A list of popular deep learning models related to classification, segmentation and detection problems
Stars: ✭ 278 (-9.45%)
Mutual labels:  object-detection
Simple Faster Rcnn Pytorch
A simplified implemention of Faster R-CNN that replicate performance from origin paper
Stars: ✭ 3,422 (+1014.66%)
Mutual labels:  object-detection
Autogluon
AutoGluon: AutoML for Text, Image, and Tabular Data
Stars: ✭ 3,920 (+1176.87%)
Mutual labels:  object-detection
Vedadet
A single stage object detection toolbox based on PyTorch
Stars: ✭ 271 (-11.73%)
Mutual labels:  object-detection
Haar.js
Feature Detection based on Haar Cascades in JavaScript (Viola-Jones-Lienhart et al Algorithm)
Stars: ✭ 301 (-1.95%)
Mutual labels:  object-detection
Lvis Api
Python API for LVIS Dataset
Stars: ✭ 290 (-5.54%)
Mutual labels:  object-detection
Fastmot
High-performance multiple object tracking based on YOLO, Deep SORT, and optical flow
Stars: ✭ 284 (-7.49%)
Mutual labels:  object-detection
One Shot Object Detection
Implementation of One-Shot Object Detection with Co-Attention and Co-Excitation in Pytorch
Stars: ✭ 285 (-7.17%)
Mutual labels:  object-detection
Yolo2 light
Light version of convolutional neural network Yolo v3 & v2 for objects detection with a minimum of dependencies (INT8-inference, BIT1-XNOR-inference)
Stars: ✭ 286 (-6.84%)
Mutual labels:  object-detection
Pytorch Hardnet
35% faster than ResNet: Harmonic DenseNet, A low memory traffic network
Stars: ✭ 293 (-4.56%)
Mutual labels:  object-detection
Yolov3 Tensorflow
Implement YOLOv3 with TensorFlow
Stars: ✭ 279 (-9.12%)
Mutual labels:  object-detection
Yolov3v4 Modelcompression Multidatasettraining Multibackbone
YOLO ModelCompression MultidatasetTraining
Stars: ✭ 287 (-6.51%)
Mutual labels:  object-detection
Gfocalv2
Generalized Focal Loss V2: Learning Reliable Localization Quality Estimation for Dense Object Detection, CVPR2021
Stars: ✭ 270 (-12.05%)
Mutual labels:  object-detection
Pytorch Yolo V3
A PyTorch implementation of the YOLO v3 object detection algorithm
Stars: ✭ 3,148 (+925.41%)
Mutual labels:  object-detection
Yolo V2 Pytorch
YOLO for object detection tasks
Stars: ✭ 302 (-1.63%)
Mutual labels:  object-detection
Jeelizar
JavaScript object detection lightweight library for augmented reality (WebXR demos included). It uses convolutional neural networks running on the GPU with WebGL.
Stars: ✭ 296 (-3.58%)
Mutual labels:  object-detection
Rfcn Tensorflow
RFCN implementation in TensorFlow
Stars: ✭ 294 (-4.23%)
Mutual labels:  object-detection

Keras-CenterNet

Keras port of CenterNet (https://arxiv.org/abs/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

One-sentence method summary: use keypoint detection technic to detect the bounding box center point and regress to all other object properties like bounding box size, 3d information, and pose

CenterNet is a meta-algorithm for all kind of object detection related tasks. The offical code solves 2D detection, 3D detection and human pose estimation. Instead of commonly used anchor boxes, objects are represented as points. CenterNet also removes many hyperparameters and concepts that were required for previous single shot detectors:

  • No more anchor boxes
  • Just one feature map that represents all scales
  • No bounding box matching
  • No non maximum suppression

Right now, this repository supports 2D object detection and human pose estimation. Hopefully, 3D object detection will be added soon.

Quick Start

Installing dependencies

  1. Install Python 3.

  2. Install TensorFlow for your platform. For better performance, install with GPU support if it's available. This code works with TensorFlow 1.13.

  3. Install the requirements:

    pip install -r requirements.txt
    

    Or start a docker container. Note that nvidia-docker is required:

    docker build -t keras_centernet:latest -f Dockerfile .
    docker run --runtime=nvidia -v $PWD:/keras-centernet -w /keras-centernet -it --rm keras_centernet:latest
    
  4. Run CenterNet on an image:

    PYTHONPATH=. python keras_centernet/bin/ctdet_image.py --fn assets/demo2.jpg --inres 512,512
    

    Or use a video as input. You can re-create the demo video like this:

    mkdir -p output && youtube-dl  -f 137 https://www.youtube.com/watch?v=tHRLX8jRjq8 --output output/skyfall.mp4
    PYTHONPATH=. python keras_centernet/bin/ctdet_video.py --inres 512,512 --video output/skyfall.mp4
    

    Refer to COCO.md if you want to reproduce the 2D object detection results and to POSE.md for human pose estimation.

Demo Video

Official PyTorch Implementation

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