All Projects → DetectionTeamUCAS → Cascade_FPN_Tensorflow

DetectionTeamUCAS / Cascade_FPN_Tensorflow

Licence: MIT license
Cascade R-CNN: Delving into High Quality Object Detection.

Programming Languages

Jupyter Notebook
11667 projects
python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Cascade FPN Tensorflow

DiscoBox
The Official PyTorch Implementation of DiscoBox.
Stars: ✭ 95 (+163.89%)
Mutual labels:  coco
SegCaps
A Clone version from Original SegCaps source code with enhancements on MS COCO dataset.
Stars: ✭ 62 (+72.22%)
Mutual labels:  coco
JSON2YOLO
Convert JSON annotations into YOLO format.
Stars: ✭ 222 (+516.67%)
Mutual labels:  coco
cisip-FIRe
Fast Image Retrieval (FIRe) is an open source project to promote image retrieval research. It implements most of the major binary hashing methods to date, together with different popular backbone networks and public datasets.
Stars: ✭ 40 (+11.11%)
Mutual labels:  coco
PyTorch-Spiking-YOLOv3
A PyTorch implementation of Spiking-YOLOv3. Two branches are provided, based on two common PyTorch implementation of YOLOv3(ultralytics/yolov3 & eriklindernoren/PyTorch-YOLOv3), with support for Spiking-YOLOv3-Tiny at present.
Stars: ✭ 144 (+300%)
Mutual labels:  coco
CoCoC
C development system for (Nitr)OS9/6x09, with source
Stars: ✭ 22 (-38.89%)
Mutual labels:  coco
Jumpserver
JumpServer 是全球首款开源的堡垒机,是符合 4A 的专业运维安全审计系统。
Stars: ✭ 17,563 (+48686.11%)
Mutual labels:  coco
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 (+666.67%)
Mutual labels:  coco
datasetsome
一些数据集处理相关的 API
Stars: ✭ 37 (+2.78%)
Mutual labels:  coco
datumaro
Dataset Management Framework, a Python library and a CLI tool to build, analyze and manage Computer Vision datasets.
Stars: ✭ 274 (+661.11%)
Mutual labels:  coco
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 (+102.78%)
Mutual labels:  coco
pylabel
Python library for computer vision labeling tasks. The core functionality is to translate bounding box annotations between different formats-for example, from coco to yolo.
Stars: ✭ 171 (+375%)
Mutual labels:  coco
coco-viewer
Simple COCO Viewer in Tkinter
Stars: ✭ 65 (+80.56%)
Mutual labels:  coco
xtcocoapi
Extended COCO-API
Stars: ✭ 49 (+36.11%)
Mutual labels:  coco
RePRI-for-Few-Shot-Segmentation
(CVPR 2021) Code for our method RePRI for Few-Shot Segmentation. Paper at http://arxiv.org/abs/2012.06166
Stars: ✭ 130 (+261.11%)
Mutual labels:  coco
Yolo-to-COCO-format-converter
Yolo to COCO annotation format converter
Stars: ✭ 176 (+388.89%)
Mutual labels:  coco
OneTwoStep
CC游戏案例之 激流竞速
Stars: ✭ 17 (-52.78%)
Mutual labels:  coco
AnimalChecker
CC游戏案例之 斗兽棋
Stars: ✭ 90 (+150%)
Mutual labels:  coco
pdq evaluation
Evaluation code for using probabilistic detection quality (PDQ) measure for probabilistic object detection tasks. Currently supports COCO and robotic vision challenge (RVC) data.
Stars: ✭ 34 (-5.56%)
Mutual labels:  coco
DetectionMetrics
Tool to evaluate deep-learning detection and segmentation models, and to create datasets
Stars: ✭ 66 (+83.33%)
Mutual labels:  coco

Cascade R-CNN: Delving into High Quality Object Detection

Abstract

This repo is based on FPN, and completed by YangXue.

Train on COCO train2017 and test on COCO val2017 (coco minival).

Model Backbone Train Schedule GPU Image/GPU FP16 Box AP(Mask AP) test stage
Faster (paper) R50v1-FPN 1X 8X TITAN XP 1 no 38.3 3
Faster (ours) R50v1-FPN 1X 8X 2080 Ti 1 no 38.2 3
Faster (Face++) R50v1-FPN 1X 8X 2080 Ti 2 no 39.1 3

2

My Development Environment

1、python3.5 (anaconda recommend)
2、cuda9.0 (If you want to use cuda8, please set CUDA9 = False in the cfgs.py file.)
3、opencv(cv2)
4、tfplot
5、tensorflow == 1.12

Download Model

Pretrain weights

1、Please download resnet50_v1, resnet101_v1 pre-trained models on Imagenet, put it to data/pretrained_weights.
2、Or you can choose to use a better backbone, refer to gluon2TF. Pretrain Model Link, password: 5ht9.

Trained weights

Select a configuration file in the folder ($PATH_ROOT/libs/configs/) and copy its contents into cfgs.py, then download the corresponding weights.

Compile

cd $PATH_ROOT/libs/box_utils/cython_utils
python setup.py build_ext --inplace

Train

1、If you want to train your own data, please note:

(1) Modify parameters (such as CLASS_NUM, DATASET_NAME, VERSION, etc.) in $PATH_ROOT/libs/configs/cfgs.py
(2) Add category information in $PATH_ROOT/libs/label_name_dict/lable_dict.py     
(3) Add data_name to $PATH_ROOT/data/io/read_tfrecord_multi_gpu.py 

2、make tfrecord

cd $PATH_ROOT/data/io/  
python convert_data_to_tfrecord_coco.py --VOC_dir='/PATH/TO/JSON/FILE/' 
                                        --save_name='train' 
                                        --dataset='coco'

3、multi-gpu train

cd $PATH_ROOT/tools
python multi_gpu_train.py

Eval

cd $PATH_ROOT/tools
python eval_coco.py --eval_data='/PATH/TO/IMAGES/'  
                    --eval_gt='/PATH/TO/TEST/ANNOTATION/'
                    --GPU='0'

Tensorboard

cd $PATH_ROOT/output/summary
tensorboard --logdir=.

3

4

Reference

1、https://github.com/endernewton/tf-faster-rcnn
2、https://github.com/zengarden/light_head_rcnn
3、https://github.com/tensorflow/models/tree/master/research/object_detection
4、https://github.com/CharlesShang/FastMaskRCNN
5、https://github.com/matterport/Mask_RCNN
6、https://github.com/msracver/Deformable-ConvNets
7、https://github.com/tensorpack/tensorpack

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