All Projects → DetectionTeamUCAS → FCOS_GluonCV

DetectionTeamUCAS / FCOS_GluonCV

Licence: Apache-2.0 license
FCOS: Fully Convolutional One-Stage Object Detection.

Programming Languages

python
139335 projects - #7 most used programming language
C++
36643 projects - #6 most used programming language

Projects that are alternatives of or similar to FCOS GluonCV

simpleAICV-pytorch-ImageNet-COCO-training
SimpleAICV:pytorch training example on ImageNet(ILSVRC2012)/COCO2017/VOC2007+2012 datasets.Include ResNet/DarkNet/RetinaNet/FCOS/CenterNet/TTFNet/YOLOv3/YOLOv4/YOLOv5/YOLOX.
Stars: ✭ 276 (+1050%)
Mutual labels:  coco, fcos
FCOS.Pytorch
fcos implementation in pytorch1.x
Stars: ✭ 84 (+250%)
Mutual labels:  fcos, anchor-free
sfd.gluoncv
Reproduce SFD face detector using gluon-cv
Stars: ✭ 23 (-4.17%)
Mutual labels:  mxnet, gluoncv
Fcos
FCOS: Fully Convolutional One-Stage Object Detection (ICCV'19)
Stars: ✭ 2,839 (+11729.17%)
Mutual labels:  fcos, anchor-free
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 (+562.5%)
Mutual labels:  coco, anchor-free
MXNet-MobileNetV3
A Gluon implement of MobileNetV3
Stars: ✭ 28 (+16.67%)
Mutual labels:  mxnet, gluoncv
MXNet-EfficientNet
A Gluon Implement of EfficientNet
Stars: ✭ 12 (-50%)
Mutual labels:  mxnet, gluoncv
digital champions deeplearning r mxnet
Showcase for using R + MXNET along with AWS and bitfusion for deep learning.
Stars: ✭ 20 (-16.67%)
Mutual labels:  mxnet
xtcocoapi
Extended COCO-API
Stars: ✭ 49 (+104.17%)
Mutual labels:  coco
Fusenet
Deep fusion project of deeply-fused nets, and the study on the connection to ensembling
Stars: ✭ 230 (+858.33%)
Mutual labels:  mxnet
Arcface Multiplex Recognition
适用于复杂场景的人脸识别身份认证系统
Stars: ✭ 200 (+733.33%)
Mutual labels:  mxnet
quarkdet
QuarkDet lightweight object detection in PyTorch .Real-Time Object Detection on Mobile Devices.
Stars: ✭ 82 (+241.67%)
Mutual labels:  fcos
Densenet
MXNet implementation for DenseNet
Stars: ✭ 28 (+16.67%)
Mutual labels:  mxnet
Deeplearning Cfn
Distributed Deep Learning on AWS Using CloudFormation (CFN), MXNet and TensorFlow
Stars: ✭ 252 (+950%)
Mutual labels:  mxnet
ResidualAttentionNetwork
A Gluon implement of Residual Attention Network. Best acc on cifar10-97.78%.
Stars: ✭ 104 (+333.33%)
Mutual labels:  mxnet
Netron
Visualizer for neural network, deep learning, and machine learning models
Stars: ✭ 17,193 (+71537.5%)
Mutual labels:  mxnet
deep utils
An open-source toolkit which is full of handy functions, including the most used models and utilities for deep-learning practitioners!
Stars: ✭ 73 (+204.17%)
Mutual labels:  coco
kaggle-dstl-satellite-imagery-feature-detection
6th place solution
Stars: ✭ 16 (-33.33%)
Mutual labels:  mxnet
mxnet-retrain
Create mxnet finetuner (retrain) for mac/linux ,no need install docker and supports CPU, GPU(eGpu/cudnn).support the inception,resnet ,squeeznet,mobilenet...
Stars: ✭ 32 (+33.33%)
Mutual labels:  mxnet
DiscoBox
The Official PyTorch Implementation of DiscoBox.
Stars: ✭ 95 (+295.83%)
Mutual labels:  coco

FCOS: Fully Convolutional One-Stage Object Detection

This is an unofficial implementation of FCOS in a gluon-cv style, we implemented this anchor-free framework in a fully Gluon API, please stay tuned!

Main Results

Model Backbone Train Size Batch Size Test Time/im AP(val) Link
fcos_resnet50_v1_coco ResNet50-V1 800 1 - - -
fcos_resnet50_v1b_coco ResNet50-V1b 800 1 - - -
fcos_resnet101_v1d_coco ResNet101-V1d 800 1 - - -

Note: We will update the results after the experiments done.

Installation

  1. Install cuda 10.0 and mxnet 1.4.0.
sudo pip3 install mxnet-cu100==1.4.0.post0
  1. Clone the code, and install gluoncv with setup.py.
cd fcos-gluon-cv
sudo python3 setup.py build
sudo python3 setup.py install

Preparation

  1. Download COCO2017 datasets follow the official tutorials and create a soft link.
ln -s $DOWNLOAD_PATH ~/.mxnet/datasets/coco

You can also download from cocodataset and execute the command above.

  1. More preparations can also refer to GluonCV.

  2. All experiments are performed on 8 * 2080ti GPU with Python3.5, cuda10.0 and cudnn7.5.0.

Structure

* Model : $ROOT/gluoncv/model_zoo/fcos
* Train & valid scripts : $ROOT/scripts/detection/fcos
* Data Transform : $ROOT/gluoncv/data/transform/presets

Training & Inference

  1. Copy the training scripts here, then train fcos_resnet50_v1b_coco with:
python3 train_fcos.py --network resnet50_v1b --gpus 0,1,2,3,4,5,6,7 --num-workers 32 --batch-size 8 --log-interval 10
  1. Copy the eval scripts here, then validate fcos_resnet50_v1b_coco with:
python3 eval_fcos.py --network resnet50_v1b --gpus 0,1,2,3,4,5,6,7 --num-workers 32 --pretrained $SAVE_PATH/XXX.params

Reference

  • FCOS: Zhi Tian, Chunhua Shen, Hao Chen, Tong He.
    "FCOS: Fully Convolutional One-Stage Object Detection." arXiv (2019). [paper] [code]
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].