All Projects → yangxue0827 → R Dfpn_fpn_tensorflow

yangxue0827 / R Dfpn_fpn_tensorflow

R-DFPN: Rotation Dense Feature Pyramid Networks (Tensorflow)

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to R Dfpn fpn tensorflow

Caffe Model
Caffe models (including classification, detection and segmentation) and deploy files for famouse networks
Stars: ✭ 1,258 (+898.41%)
Mutual labels:  resnet
Resnet Imagenet Caffe
train resnet on imagenet from scratch with caffe
Stars: ✭ 105 (-16.67%)
Mutual labels:  resnet
Pyramidnet
Torch implementation of the paper "Deep Pyramidal Residual Networks" (https://arxiv.org/abs/1610.02915).
Stars: ✭ 121 (-3.97%)
Mutual labels:  resnet
Pytorch Classification
Classification with PyTorch.
Stars: ✭ 1,268 (+906.35%)
Mutual labels:  resnet
Deep Reinforcement Learning With Pytorch
PyTorch implementation of DQN, AC, ACER, A2C, A3C, PG, DDPG, TRPO, PPO, SAC, TD3 and ....
Stars: ✭ 1,345 (+967.46%)
Mutual labels:  resnet
Numpy Ml
Machine learning, in numpy
Stars: ✭ 11,100 (+8709.52%)
Mutual labels:  resnet
Yolo resnet
Implementing YOLO using ResNet as the feature extraction network
Stars: ✭ 82 (-34.92%)
Mutual labels:  resnet
Pytorch Asr
ASR with PyTorch
Stars: ✭ 124 (-1.59%)
Mutual labels:  resnet
Tensorflow2.0 Examples
🙄 Difficult algorithm, Simple code.
Stars: ✭ 1,397 (+1008.73%)
Mutual labels:  resnet
Ir Net
This project is the PyTorch implementation of our accepted CVPR 2020 paper : forward and backward information retention for accurate binary neural networks.
Stars: ✭ 119 (-5.56%)
Mutual labels:  resnet
Keras Resnet
Residual networks implementation using Keras-1.0 functional API
Stars: ✭ 1,286 (+920.63%)
Mutual labels:  resnet
Holocron
PyTorch implementations of recent Computer Vision tricks
Stars: ✭ 95 (-24.6%)
Mutual labels:  resnet
Shot Type Classifier
Detecting cinema shot types using a ResNet-50
Stars: ✭ 109 (-13.49%)
Mutual labels:  resnet
M Pact
A one stop shop for all of your activity recognition needs.
Stars: ✭ 85 (-32.54%)
Mutual labels:  resnet
Fixup
A Re-implementation of Fixed-update Initialization
Stars: ✭ 122 (-3.17%)
Mutual labels:  resnet
Bsconv
Reference implementation for Blueprint Separable Convolutions (CVPR 2020)
Stars: ✭ 84 (-33.33%)
Mutual labels:  resnet
Resnet Face Pytorch
Training a ResNet on UMDFaces for face recognition
Stars: ✭ 107 (-15.08%)
Mutual labels:  resnet
Imagenet
This implements training of popular model architectures, such as AlexNet, ResNet and VGG on the ImageNet dataset(Now we supported alexnet, vgg, resnet, squeezenet, densenet)
Stars: ✭ 126 (+0%)
Mutual labels:  resnet
Resnet On Cifar10
Reimplementation ResNet on cifar10 with caffe
Stars: ✭ 123 (-2.38%)
Mutual labels:  resnet
Shiftresnet Cifar
ResNet with Shift, Depthwise, or Convolutional Operations for CIFAR-100, CIFAR-10 on PyTorch
Stars: ✭ 112 (-11.11%)
Mutual labels:  resnet

Rotation Dense Feature Pyramid Networks

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

A Tensorflow implementation of R-DFPN detection framework based on FPN.
Other rotation detection method reference R2CNN, 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/R-DFPN_FPN_Tensorflow.git    

Make tfrecord

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

├── VOCdevkit
│   ├── VOCdevkit_train
│       ├── Annotation
│       ├── JPEGImages
│    ├── VOCdevkit_test
│       ├── Annotation
│       ├── JPEGImages
cd $R-DFPN_ROOT/data/io/    
python convert_data_to_tfrecord.py --VOC_dir='***/VOCdevkit/VOCdevkit_train/' --save_name='train' --img_format='.jpg' --dataset='ship'   

Compile

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

Demo

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

cd $R-DFPN_ROOT/tools
python inference.py    

5、big image

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

Train

1、Modify $R-DFPN_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 $R-DFPN_ROOT/data/pretrained_weights
3、

cd $R-DFPN_ROOT/tools    
python train.py    

Test tfrecord

cd $R-DFPN_ROOT/tools     
python test.py     

eval(Not recommended, Please refer here)

cd $R-DFPN_ROOT/tools       
python ship_eval.py    

Summary

tensorboard --logdir=$R-DFPN_ROOT/output/res101_summary/     

01 02 03

Graph

04

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