All Projects → yangxue0827 → R2cnn_fpn_tensorflow

yangxue0827 / R2cnn_fpn_tensorflow

R2CNN: Rotational Region CNN Based on FPN (Tensorflow)

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to R2cnn fpn tensorflow

Caffe Model
Caffe models (including classification, detection and segmentation) and deploy files for famouse networks
Stars: ✭ 1,258 (+205.34%)
Mutual labels:  resnet, detection
Fpn tensorflow
A Tensorflow implementation of FPN detection framework.
Stars: ✭ 407 (-1.21%)
Mutual labels:  resnet, detection
Jacinto Ai Devkit
Training & Quantization of embedded friendly Deep Learning / Machine Learning / Computer Vision models
Stars: ✭ 49 (-88.11%)
Mutual labels:  resnet, detection
Pytorch Imagenet Cifar Coco Voc Training
Training examples and results for ImageNet(ILSVRC2012)/CIFAR100/COCO2017/VOC2007+VOC2012 datasets.Image Classification/Object Detection.Include ResNet/EfficientNet/VovNet/DarkNet/RegNet/RetinaNet/FCOS/CenterNet/YOLOv3.
Stars: ✭ 130 (-68.45%)
Mutual labels:  resnet, detection
Luna16 Lung Nodule Analysis 2016 Challenge
LUNA16-Lung-Nodule-Analysis-2016-Challenge
Stars: ✭ 133 (-67.72%)
Mutual labels:  resnet, detection
Vip
Video Platform for Action Recognition and Object Detection in Pytorch
Stars: ✭ 175 (-57.52%)
Mutual labels:  resnet, detection
Paddlex
PaddlePaddle End-to-End Development Toolkit(『飞桨』深度学习全流程开发工具)
Stars: ✭ 3,399 (+725%)
Mutual labels:  resnet, detection
Faster-RCNN-TensorFlow
TensorFlow implementation of Faster RCNN for Object Detection
Stars: ✭ 13 (-96.84%)
Mutual labels:  detection, resnet
Tf Faster Rcnn
Tensorflow Faster RCNN for Object Detection
Stars: ✭ 3,604 (+774.76%)
Mutual labels:  resnet
Strelka
Real-time, container-based file scanning at enterprise scale
Stars: ✭ 387 (-6.07%)
Mutual labels:  detection
Cnn Models
ImageNet pre-trained models with batch normalization for the Caffe framework
Stars: ✭ 355 (-13.83%)
Mutual labels:  resnet
Tinybenchmark
Scale Match for Tiny Person Detection(WACV2020), Official link of the dataset
Stars: ✭ 364 (-11.65%)
Mutual labels:  detection
Kittibox
A car detection model implemented in Tensorflow.
Stars: ✭ 388 (-5.83%)
Mutual labels:  detection
T Cnn
ImageNet 2015 Object Detection from Video (VID)
Stars: ✭ 360 (-12.62%)
Mutual labels:  detection
Automl
Google Brain AutoML
Stars: ✭ 4,795 (+1063.83%)
Mutual labels:  detection
Foveabox
FoveaBox: Beyond Anchor-based Object Detector
Stars: ✭ 353 (-14.32%)
Mutual labels:  detection
Franc
Natural language detection
Stars: ✭ 3,605 (+775%)
Mutual labels:  detection
Pytorch classification
利用pytorch实现图像分类的一个完整的代码,训练,预测,TTA,模型融合,模型部署,cnn提取特征,svm或者随机森林等进行分类,模型蒸馏,一个完整的代码
Stars: ✭ 395 (-4.13%)
Mutual labels:  resnet
Sqlmap
Automatic SQL injection and database takeover tool
Stars: ✭ 21,907 (+5217.23%)
Mutual labels:  detection
Drbox
A deep learning based algorithm to detect rotated object, for example, objects in remote sensing images
Stars: ✭ 379 (-8.01%)
Mutual labels:  detection

R2CNN: Rotational Region CNN for Orientation Robust Scene Detection

Recommend improved code: https://github.com/DetectionTeamUCAS

A Tensorflow implementation of FPN or R2CNN detection framework based on FPN.
You can refer to the papers R2CNN Rotational Region CNN for Orientation Robust Scene Text Detection or Feature Pyramid Networks for Object Detection
Other rotation detection method reference R-DFPN, RRPN and R2CNN_HEAD
If useful to you, please star to support my work. Thanks.

Citation

Some relevant achievements based on this code.

@article{[yang2018position](https://ieeexplore.ieee.org/document/8464244),
	title={Position Detection and Direction Prediction for Arbitrary-Oriented Ships via Multitask Rotation Region Convolutional Neural Network},
	author={Yang, Xue and Sun, Hao and Sun, Xian and  Yan, Menglong and Guo, Zhi and Fu, Kun},
	journal={IEEE Access},
	volume={6},
	pages={50839-50849},
	year={2018},
	publisher={IEEE}
}

@article{[yang2018r-dfpn](http://www.mdpi.com/2072-4292/10/1/132),
	title={Automatic ship detection in remote sensing images from google earth of complex scenes based on multiscale rotation dense feature pyramid networks},
	author={Yang, Xue and Sun, Hao and Fu, Kun and Yang, Jirui and Sun, Xian and Yan, Menglong and Guo, Zhi},
	journal={Remote Sensing},
	volume={10},
	number={1},
	pages={132},
	year={2018},
	publisher={Multidisciplinary Digital Publishing Institute}
} 

Configuration Environment

ubuntu(Encoding problems may occur on windows) + python2 + tensorflow1.2 + cv2 + cuda8.0 + GeForce GTX 1080
If you want to use cpu, you need to modify the parameters of NMS and IOU functions use_gpu = False in cfgs.py
You can also use docker environment, command: docker pull yangxue2docker/tensorflow3_gpu_cv2_sshd:v1.0

Installation

Clone the repository

git clone https://github.com/yangxue0827/R2CNN_FPN_Tensorflow.git    

Make tfrecord

The data is VOC format, reference here
Data path format ($R2CNN_ROOT/data/io/divide_data.py)

├── VOCdevkit
│   ├── VOCdevkit_train
│       ├── Annotation
│       ├── JPEGImages
│    ├── VOCdevkit_test
│       ├── Annotation
│       ├── JPEGImages

Clone the repository

cd $R2CNN_ROOT/data/io/  
python convert_data_to_tfrecord.py --VOC_dir='***/VOCdevkit/VOCdevkit_train/' --save_name='train' --img_format='.jpg' --dataset='ship'
     

Compile

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

##Demo
1、Unzip the weight $R2CNN_ROOT/output/res101_trained_weights/*.rar
2、put images in $R2CNN_ROOT/tools/inference_image
3、Configure parameters in $R2CNN_ROOT/libs/configs/cfgs.py and modify the project's root directory
4、

cd $R2CNN_ROOT/tools      

5、image slice

python inference1.py   

6、large image

cd $FPN_ROOT/tools
python demo1.py --src_folder=.\demo_src --des_folder=.\demo_des         

Train

1、Modify $R2CNN_ROOT/libs/lable_name_dict/***_dict.py, corresponding to the number of categories in the configuration file
2、download pretrain weight(resnet_v1_101_2016_08_28.tar.gz or resnet_v1_50_2016_08_28.tar.gz) from here, then extract to folder $R2CNN_ROOT/data/pretrained_weights
3、

cd $R2CNN_ROOT/tools      

4、Choose a model(FPN or R2CNN))
If you want to train FPN :

python train.py   

elif you want to train R2CNN:

python train1.py   

Test tfrecord

cd $R2CNN_ROOT/tools   
python test.py(test1.py)   

eval(Not recommended, Please refer here

cd $R2CNN_ROOT/tools   
python eval.py(eval1.py)  

Summary

tensorboard --logdir=$R2CNN_ROOT/output/res101_summary/ 

01 02 03

Graph

04

icdar2015 test results

19
20

21
22

23
24

Test results

11
12

13
14

15
16

17
18

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