All Projects → taokong → Foveabox

taokong / Foveabox

Licence: apache-2.0
FoveaBox: Beyond Anchor-based Object Detector

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Foveabox

Efficientdet.pytorch
Implementation EfficientDet: Scalable and Efficient Object Detection in PyTorch
Stars: ✭ 1,383 (+291.78%)
Mutual labels:  object-detection, coco, 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 (-85.27%)
Mutual labels:  object-detection, coco, detection
Vdetlib
Video detection library
Stars: ✭ 177 (-49.86%)
Mutual labels:  object-detection, detection
Torchdistill
PyTorch-based modular, configuration-driven framework for knowledge distillation. 🏆18 methods including SOTA are implemented so far. 🎁 Trained models, training logs and configurations are available for ensuring the reproducibiliy.
Stars: ✭ 177 (-49.86%)
Mutual labels:  object-detection, coco
Com.unity.perception
Perception toolkit for sim2real training and validation
Stars: ✭ 208 (-41.08%)
Mutual labels:  object-detection, detection
Rectlabel Support
RectLabel - An image annotation tool to label images for bounding box object detection and segmentation.
Stars: ✭ 338 (-4.25%)
Mutual labels:  object-detection, detection
Vision3d
Research platform for 3D object detection in PyTorch.
Stars: ✭ 177 (-49.86%)
Mutual labels:  object-detection, detection
Pine
🌲 Aimbot powered by real-time object detection with neural networks, GPU accelerated with Nvidia. Optimized for use with CS:GO.
Stars: ✭ 202 (-42.78%)
Mutual labels:  object-detection, detection
A Pytorch Tutorial To Object Detection
SSD: Single Shot MultiBox Detector | a PyTorch Tutorial to Object Detection
Stars: ✭ 2,398 (+579.32%)
Mutual labels:  object-detection, detection
keras cv attention models
Keras/Tensorflow attention models including beit,botnet,CMT,CoaT,CoAtNet,convnext,cotnet,davit,efficientdet,efficientnet,fbnet,gmlp,halonet,lcnet,levit,mlp-mixer,mobilevit,nfnets,regnet,resmlp,resnest,resnext,resnetd,swin,tinynet,uniformer,volo,wavemlp,yolor,yolox
Stars: ✭ 159 (-54.96%)
Mutual labels:  detection, coco
Real time object detection and tracking
YOLOv2 and MobileNet_SSD detection algorithms used along with KCF object tracker
Stars: ✭ 241 (-31.73%)
Mutual labels:  object-detection, detection
Sipmask
SipMask: Spatial Information Preservation for Fast Image and Video Instance Segmentation (ECCV2020)
Stars: ✭ 255 (-27.76%)
Mutual labels:  object-detection, detection
Dockerface
Face detection using deep learning.
Stars: ✭ 173 (-50.99%)
Mutual labels:  object-detection, detection
Tf deformable net
Deformable convolution net on Tensorflow
Stars: ✭ 173 (-50.99%)
Mutual labels:  object-detection, detection
Vip
Video Platform for Action Recognition and Object Detection in Pytorch
Stars: ✭ 175 (-50.42%)
Mutual labels:  object-detection, detection
Object Detection
Object detection with ssd_mobilenet and tiny-yolo (Add: YOLOv3, tflite)
Stars: ✭ 173 (-50.99%)
Mutual labels:  object-detection, detection
Nas fpn tensorflow
NAS-FPN: Learning Scalable Feature Pyramid Architecture for Object Detection.
Stars: ✭ 198 (-43.91%)
Mutual labels:  object-detection, coco
Fastmaskrcnn
Mask RCNN in TensorFlow
Stars: ✭ 3,069 (+769.41%)
Mutual labels:  coco, detection
Derpn
A novel region proposal network for more general object detection ( including scene text detection ).
Stars: ✭ 155 (-56.09%)
Mutual labels:  object-detection, detection
Map
mean Average Precision - This code evaluates the performance of your neural net for object recognition.
Stars: ✭ 2,324 (+558.36%)
Mutual labels:  object-detection, detection

FoveaBox: Beyond Anchor-based Object Detector

This repo is a official implementation of "FoveaBox: Beyond Anchor-based Object Detector" on COCO object detection based on open-mmlab's mmdetection. Many thanks to mmdetection for their simple and clean framework.

News

FoveaBox is supported by the official mmdetection repo here. Thanks again for open-mmlab's work on open source projects.

Introduction

FoveaBox is an accurate, flexible and completely anchor-free object detection system for object detection framework, as presented in our paper https://arxiv.org/abs/1904.03797: Different from previous anchor-based methods, FoveaBox directly learns the object existing possibility and the bounding box coordinates without anchor reference. This is achieved by: (a) predicting category-sensitive semantic maps for the object existing possibility, and (b) producing category-agnostic bounding box for each position that potentially contains an object.

FoveaBox detection process.

Installation

This FoveaBox implementation is based on mmdetection. Therefore the installation is the same as original mmdetection.

Please check INSTALL.md for installation instructions.

Train and inference

The FoveaBox config is in configs/foveabox.

Inference

# single-gpu testing
python tools/test.py ${CONFIG_FILE} ${CHECKPOINT_FILE} [--out ${RESULT_FILE}] --eval bbox [--show]

# multi-gpu testing
./tools/dist_test.sh ${CONFIG_FILE} ${CHECKPOINT_FILE} ${GPU_NUM} [--out ${RESULT_FILE}] --eval bbox

Training

# single-gpu training
python tools/train.py ${CONFIG_FILE}

# multi-gpu training
./tools/dist_train.sh ${CONFIG_FILE} ${GPU_NUM} [optional arguments]

Please check GETTING_STARTED.md for detailed instructions.

Main Results

Results on R50/101-FPN with backbone

Backbone Style align ms-train Lr schd Mem (GB) Train time (s/iter) Inf time (fps) box AP Download
R-50 pytorch N N 1x 5.7 0.450 13.5 36.5 model
R-50 pytorch N N 2x - - 36.9 model
R-50 pytorch Y N 2x - - 37.9 model
R-50 pytorch Y Y 2x - - 40.1 model
R-101 pytorch N N 1x 9.4 0.712 11.5 38.5 model
R-101 pytorch N N 2x - - - 38.5 model
R-101 pytorch Y N 2x - - - 39.4 model
R-101 pytorch Y Y 2x - - - 41.9 model

[1] 1x and 2x mean the model is trained for 12 and 24 epochs, respectively.
[2] Align means utilizing deformable convolution to align the cls branch.
[3] All results are obtained with a single model and without any test time data augmentation.
[4] We use 4 NVIDIA Tesla V100 GPUs for training.

Any pull requests or issues are welcome.

Citations

Please consider citing our paper in your publications if the project helps your research. BibTeX reference is as follows.

@article{kong2019foveabox,
  title={FoveaBox: Beyond Anchor-based Object Detector},
  author={Kong, Tao and Sun, Fuchun and Liu, Huaping and Jiang, Yuning and Li, Lei and Shi, Jianbo},
  journal={IEEE Transactions on Image Processing},
  pages={7389--7398},
  year={2020}
}
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].