实例介绍
纸张来源 通过旋转提案进行任意方向的场景文本检测 消息 我们在pytorch 1.0中更新了RRPN! 查看了解更多详细信息。 文本点样器f测量结果在IC15中为89.5%,在IC13中为92.0%。 输入更短的640px时,IC13中的测试速度可以达到13.3 fps! 执照 RRPN是根据MIT许可证发布的(有关详细信息,请参阅LICENSE文件)。 该项目仅用于研究目的,对RRPN的进一步使用应与作者联系。 引用RRPN 如果您发现RRPN对您的研究有用,请考虑引用: @article{Jianqi17RRPN, Author = {Jianqi Ma and Weiyuan Shao and Hao Ye and Li Wang and Hong Wang and Yingbin Zheng and Xiangyang Xue}, Title = {Arbitr
【实例截图】
【核心代码】
16359647325166008546.zip
└── RRPN-master
├── caffe-fast-rcnn
│ ├── caffe.cloc
│ ├── cmake
│ │ ├── ConfigGen.cmake
│ │ ├── Cuda.cmake
│ │ ├── Dependencies.cmake
│ │ ├── External
│ │ │ ├── gflags.cmake
│ │ │ └── glog.cmake
│ │ ├── lint.cmake
│ │ ├── Misc.cmake
│ │ ├── Modules
│ │ │ ├── FindAtlas.cmake
│ │ │ ├── FindGFlags.cmake
│ │ │ ├── FindGlog.cmake
│ │ │ ├── FindLAPACK.cmake
│ │ │ ├── FindLevelDB.cmake
│ │ │ ├── FindLMDB.cmake
│ │ │ ├── FindMatlabMex.cmake
│ │ │ ├── FindMKL.cmake
│ │ │ ├── FindNumPy.cmake
│ │ │ ├── FindOpenBLAS.cmake
│ │ │ ├── FindSnappy.cmake
│ │ │ └── FindvecLib.cmake
│ │ ├── ProtoBuf.cmake
│ │ ├── Summary.cmake
│ │ ├── Targets.cmake
│ │ ├── Templates
│ │ │ ├── CaffeConfig.cmake.in
│ │ │ ├── caffe_config.h.in
│ │ │ └── CaffeConfigVersion.cmake.in
│ │ └── Utils.cmake
│ ├── CMakeLists.txt
│ ├── CONTRIBUTING.md
│ ├── CONTRIBUTORS.md
│ ├── docs
│ │ ├── CMakeLists.txt
│ │ ├── CNAME
│ │ ├── _config.yml
│ │ ├── development.md
│ │ ├── images
│ │ │ ├── caffeine-icon.png
│ │ │ └── GitHub-Mark-64px.png
│ │ ├── index.md
│ │ ├── install_apt.md
│ │ ├── installation.md
│ │ ├── install_osx.md
│ │ ├── install_yum.md
│ │ ├── _layouts
│ │ │ └── default.html
│ │ ├── model_zoo.md
│ │ ├── multigpu.md
│ │ ├── performance_hardware.md
│ │ ├── README.md
│ │ ├── stylesheets
│ │ │ ├── pygment_trac.css
│ │ │ ├── reset.css
│ │ │ └── styles.css
│ │ └── tutorial
│ │ ├── convolution.md
│ │ ├── data.md
│ │ ├── fig
│ │ │ ├── backward.jpg
│ │ │ ├── forward_backward.png
│ │ │ ├── forward.jpg
│ │ │ └── layer.jpg
│ │ ├── forward_backward.md
│ │ ├── index.md
│ │ ├── interfaces.md
│ │ ├── layers.md
│ │ ├── loss.md
│ │ ├── net_layer_blob.md
│ │ └── solver.md
│ ├── examples
│ │ ├── 00-classification.ipynb
│ │ ├── 01-learning-lenet.ipynb
│ │ ├── 02-brewing-logreg.ipynb
│ │ ├── 03-fine-tuning.ipynb
│ │ ├── cifar10
│ │ │ ├── cifar10_full.prototxt
│ │ │ ├── cifar10_full_sigmoid_solver_bn.prototxt
│ │ │ ├── cifar10_full_sigmoid_solver.prototxt
│ │ │ ├── cifar10_full_sigmoid_train_test_bn.prototxt
│ │ │ ├── cifar10_full_sigmoid_train_test.prototxt
│ │ │ ├── cifar10_full_solver_lr1.prototxt
│ │ │ ├── cifar10_full_solver_lr2.prototxt
│ │ │ ├── cifar10_full_solver.prototxt
│ │ │ ├── cifar10_full_train_test.prototxt
│ │ │ ├── cifar10_quick.prototxt
│ │ │ ├── cifar10_quick_solver_lr1.prototxt
│ │ │ ├── cifar10_quick_solver.prototxt
│ │ │ ├── cifar10_quick_train_test.prototxt
│ │ │ ├── convert_cifar_data.cpp
│ │ │ ├── create_cifar10.sh
│ │ │ ├── readme.md
│ │ │ ├── train_full.sh
│ │ │ ├── train_full_sigmoid_bn.sh
│ │ │ ├── train_full_sigmoid.sh
│ │ │ └── train_quick.sh
│ │ ├── CMakeLists.txt
│ │ ├── cpp_classification
│ │ │ ├── classification.cpp
│ │ │ └── readme.md
│ │ ├── detection.ipynb
│ │ ├── feature_extraction
│ │ │ ├── imagenet_val.prototxt
│ │ │ └── readme.md
│ │ ├── finetune_flickr_style
│ │ │ ├── assemble_data.py
│ │ │ ├── flickr_style.csv.gz
│ │ │ ├── readme.md
│ │ │ └── style_names.txt
│ │ ├── finetune_pascal_detection
│ │ │ ├── pascal_finetune_solver.prototxt
│ │ │ └── pascal_finetune_trainval_test.prototxt
│ │ ├── hdf5_classification
│ │ │ ├── nonlinear_auto_test.prototxt
│ │ │ ├── nonlinear_auto_train.prototxt
│ │ │ ├── nonlinear_solver.prototxt
│ │ │ ├── nonlinear_train_val.prototxt
│ │ │ ├── solver.prototxt
│ │ │ └── train_val.prototxt
│ │ ├── imagenet
│ │ │ ├── create_imagenet.sh
│ │ │ ├── make_imagenet_mean.sh
│ │ │ ├── readme.md
│ │ │ ├── resume_training.sh
│ │ │ └── train_caffenet.sh
│ │ ├── images
│ │ │ ├── cat_gray.jpg
│ │ │ ├── cat.jpg
│ │ │ └── fish-bike.jpg
│ │ ├── mnist
│ │ │ ├── convert_mnist_data.cpp
│ │ │ ├── create_mnist.sh
│ │ │ ├── lenet_adadelta_solver.prototxt
│ │ │ ├── lenet_auto_solver.prototxt
│ │ │ ├── lenet_consolidated_solver.prototxt
│ │ │ ├── lenet_multistep_solver.prototxt
│ │ │ ├── lenet.prototxt
│ │ │ ├── lenet_solver_adam.prototxt
│ │ │ ├── lenet_solver.prototxt
│ │ │ ├── lenet_solver_rmsprop.prototxt
│ │ │ ├── lenet_train_test.prototxt
│ │ │ ├── mnist_autoencoder.prototxt
│ │ │ ├── mnist_autoencoder_solver_adadelta.prototxt
│ │ │ ├── mnist_autoencoder_solver_adagrad.prototxt
│ │ │ ├── mnist_autoencoder_solver_nesterov.prototxt
│ │ │ ├── mnist_autoencoder_solver.prototxt
│ │ │ ├── readme.md
│ │ │ ├── train_lenet_adam.sh
│ │ │ ├── train_lenet_consolidated.sh
│ │ │ ├── train_lenet_rmsprop.sh
│ │ │ ├── train_lenet.sh
│ │ │ ├── train_mnist_autoencoder_adadelta.sh
│ │ │ ├── train_mnist_autoencoder_adagrad.sh
│ │ │ ├── train_mnist_autoencoder_nesterov.sh
│ │ │ └── train_mnist_autoencoder.sh
│ │ ├── net_surgery
│ │ │ ├── bvlc_caffenet_full_conv.prototxt
│ │ │ └── conv.prototxt
│ │ ├── net_surgery.ipynb
│ │ ├── pycaffe
│ │ │ ├── caffenet.py
│ │ │ ├── layers
│ │ │ │ └── pyloss.py
│ │ │ └── linreg.prototxt
│ │ ├── siamese
│ │ │ ├── convert_mnist_siamese_data.cpp
│ │ │ ├── create_mnist_siamese.sh
│ │ │ ├── mnist_siamese.ipynb
│ │ │ ├── mnist_siamese.prototxt
│ │ │ ├── mnist_siamese_solver.prototxt
│ │ │ ├── mnist_siamese_train_test.prototxt
│ │ │ ├── readme.md
│ │ │ └── train_mnist_siamese.sh
│ │ └── web_demo
│ │ ├── app.py
│ │ ├── exifutil.py
│ │ ├── readme.md
│ │ ├── requirements.txt
│ │ └── templates
│ │ └── index.html
│ ├── include
│ │ └── caffe
│ │ ├── blob.hpp
│ │ ├── caffe.hpp
│ │ ├── common.hpp
│ │ ├── data_reader.hpp
│ │ ├── data_transformer.hpp
│ │ ├── fast_rcnn_layers.hpp
│ │ ├── filler.hpp
│ │ ├── internal_thread.hpp
│ │ ├── layer_factory.hpp
│ │ ├── layer.hpp
│ │ ├── layers
│ │ │ ├── absval_layer.hpp
│ │ │ ├── accuracy_layer.hpp
│ │ │ ├── argmax_layer.hpp
│ │ │ ├── base_conv_layer.hpp
│ │ │ ├── base_data_layer.hpp
│ │ │ ├── batch_norm_layer.hpp
│ │ │ ├── batch_reindex_layer.hpp
│ │ │ ├── bias_layer.hpp
│ │ │ ├── bnll_layer.hpp
│ │ │ ├── concat_layer.hpp
│ │ │ ├── contrastive_loss_layer.hpp
│ │ │ ├── conv_layer.hpp
│ │ │ ├── cudnn_conv_layer.hpp
│ │ │ ├── cudnn_lcn_layer.hpp
│ │ │ ├── cudnn_lrn_layer.hpp
│ │ │ ├── cudnn_pooling_layer.hpp
│ │ │ ├── cudnn_relu_layer.hpp
│ │ │ ├── cudnn_sigmoid_layer.hpp
│ │ │ ├── cudnn_softmax_layer.hpp
│ │ │ ├── cudnn_tanh_layer.hpp
│ │ │ ├── data_layer.hpp
│ │ │ ├── deconv_layer.hpp
│ │ │ ├── dropout_layer.hpp
│ │ │ ├── dummy_data_layer.hpp
│ │ │ ├── eltwise_layer.hpp
│ │ │ ├── elu_layer.hpp
│ │ │ ├── embed_layer.hpp
│ │ │ ├── euclidean_loss_layer.hpp
│ │ │ ├── exp_layer.hpp
│ │ │ ├── filter_layer.hpp
│ │ │ ├── flatten_layer.hpp
│ │ │ ├── hdf5_data_layer.hpp
│ │ │ ├── hdf5_output_layer.hpp
│ │ │ ├── hinge_loss_layer.hpp
│ │ │ ├── im2col_layer.hpp
│ │ │ ├── image_data_layer.hpp
│ │ │ ├── infogain_loss_layer.hpp
│ │ │ ├── inner_product_layer.hpp
│ │ │ ├── loss_layer.hpp
│ │ │ ├── lrn_layer.hpp
│ │ │ ├── memory_data_layer.hpp
│ │ │ ├── multinomial_logistic_loss_layer.hpp
│ │ │ ├── mvn_layer.hpp
│ │ │ ├── neuron_layer.hpp
│ │ │ ├── pooling_layer.hpp
│ │ │ ├── power_layer.hpp
│ │ │ ├── prelu_layer.hpp
│ │ │ ├── python_layer.hpp
│ │ │ ├── reduction_layer.hpp
│ │ │ ├── relu_layer.hpp
│ │ │ ├── reshape_layer.hpp
│ │ │ ├── scale_layer.hpp
│ │ │ ├── sigmoid_cross_entropy_loss_layer.hpp
│ │ │ ├── sigmoid_layer.hpp
│ │ │ ├── silence_layer.hpp
│ │ │ ├── slice_layer.hpp
│ │ │ ├── softmax_layer.hpp
│ │ │ ├── softmax_loss_layer.hpp
│ │ │ ├── split_layer.hpp
│ │ │ ├── spp_layer.hpp
│ │ │ ├── tanh_layer.hpp
│ │ │ ├── threshold_layer.hpp
│ │ │ ├── tile_layer.hpp
│ │ │ └── window_data_layer.hpp
│ │ ├── net.hpp
│ │ ├── parallel.hpp
│ │ ├── sgd_solvers.hpp
│ │ ├── solver_factory.hpp
│ │ ├── solver.hpp
│ │ ├── syncedmem.hpp
│ │ ├── test
│ │ │ ├── test_caffe_main.hpp
│ │ │ └── test_gradient_check_util.hpp
│ │ └── util
│ │ ├── benchmark.hpp
│ │ ├── blocking_queue.hpp
│ │ ├── cudnn.hpp
│ │ ├── db.hpp
│ │ ├── db_leveldb.hpp
│ │ ├── db_lmdb.hpp
│ │ ├── device_alternate.hpp
│ │ ├── format.hpp
│ │ ├── gpu_util.cuh
│ │ ├── hdf5.hpp
│ │ ├── im2col.hpp
│ │ ├── insert_splits.hpp
│ │ ├── io.hpp
│ │ ├── math_functions.hpp
│ │ ├── mkl_alternate.hpp
│ │ ├── rng.hpp
│ │ ├── signal_handler.h
│ │ └── upgrade_proto.hpp
│ ├── INSTALL.md
│ ├── LICENSE
│ ├── Makefile
│ ├── Makefile.config.example
│ ├── matlab
│ │ ├── +caffe
│ │ │ ├── Blob.m
│ │ │ ├── get_net.m
│ │ │ ├── get_solver.m
│ │ │ ├── imagenet
│ │ │ │ └── ilsvrc_2012_mean.mat
│ │ │ ├── io.m
│ │ │ ├── Layer.m
│ │ │ ├── Net.m
│ │ │ ├── private
│ │ │ │ ├── caffe_.cpp
│ │ │ │ ├── CHECK_FILE_EXIST.m
│ │ │ │ ├── CHECK.m
│ │ │ │ └── is_valid_handle.m
│ │ │ ├── reset_all.m
│ │ │ ├── run_tests.m
│ │ │ ├── set_device.m
│ │ │ ├── set_mode_cpu.m
│ │ │ ├── set_mode_gpu.m
│ │ │ ├── Solver.m
│ │ │ ├── +test
│ │ │ │ ├── test_io.m
│ │ │ │ ├── test_net.m
│ │ │ │ └── test_solver.m
│ │ │ └── version.m
│ │ ├── CMakeLists.txt
│ │ ├── demo
│ │ │ └── classification_demo.m
│ │ └── hdf5creation
│ │ ├── demo.m
│ │ └── store2hdf5.m
│ ├── python
│ │ ├── caffe
│ │ │ ├── _caffe.cpp
│ │ │ ├── classifier.py
│ │ │ ├── detector.py
│ │ │ ├── draw.py
│ │ │ ├── imagenet
│ │ │ │ └── ilsvrc_2012_mean.npy
│ │ │ ├── __init__.py
│ │ │ ├── io.py
│ │ │ ├── net_spec.py
│ │ │ ├── pycaffe.py
│ │ │ └── test
│ │ │ ├── test_io.py
│ │ │ ├── test_layer_type_list.py
│ │ │ ├── test_net.py
│ │ │ ├── test_net_spec.py
│ │ │ ├── test_python_layer.py
│ │ │ ├── test_python_layer_with_param_str.py
│ │ │ └── test_solver.py
│ │ ├── classify.py
│ │ ├── CMakeLists.txt
│ │ ├── detect.py
│ │ ├── draw_net.py
│ │ └── requirements.txt
│ ├── README.md
│ ├── scripts
│ │ ├── build_docs.sh
│ │ ├── copy_notebook.py
│ │ ├── cpp_lint.py
│ │ ├── deploy_docs.sh
│ │ ├── download_model_binary.py
│ │ ├── download_model_from_gist.sh
│ │ ├── gather_examples.sh
│ │ ├── travis
│ │ │ ├── travis_build_and_test.sh
│ │ │ ├── travis_install.sh
│ │ │ └── travis_setup_makefile_config.sh
│ │ └── upload_model_to_gist.sh
│ ├── src
│ │ ├── caffe
│ │ │ ├── blob.cpp
│ │ │ ├── CMakeLists.txt
│ │ │ ├── common.cpp
│ │ │ ├── data_reader.cpp
│ │ │ ├── data_transformer.cpp
│ │ │ ├── internal_thread.cpp
│ │ │ ├── layer.cpp
│ │ │ ├── layer_factory.cpp
│ │ │ ├── layers
│ │ │ │ ├── absval_layer.cpp
│ │ │ │ ├── absval_layer.cu
│ │ │ │ ├── accuracy_layer.cpp
│ │ │ │ ├── argmax_layer.cpp
│ │ │ │ ├── base_conv_layer.cpp
│ │ │ │ ├── base_data_layer.cpp
│ │ │ │ ├── base_data_layer.cu
│ │ │ │ ├── batch_norm_layer.cpp
│ │ │ │ ├── batch_norm_layer.cu
│ │ │ │ ├── batch_reindex_layer.cpp
│ │ │ │ ├── batch_reindex_layer.cu
│ │ │ │ ├── bias_layer.cpp
│ │ │ │ ├── bias_layer.cu
│ │ │ │ ├── bnll_layer.cpp
│ │ │ │ ├── bnll_layer.cu
│ │ │ │ ├── concat_layer.cpp
│ │ │ │ ├── concat_layer.cu
│ │ │ │ ├── contrastive_loss_layer.cpp
│ │ │ │ ├── contrastive_loss_layer.cu
│ │ │ │ ├── conv_layer.cpp
│ │ │ │ ├── conv_layer.cu
│ │ │ │ ├── cudnn_conv_layer.cpp
│ │ │ │ ├── cudnn_conv_layer.cu
│ │ │ │ ├── cudnn_lcn_layer.cpp
│ │ │ │ ├── cudnn_lcn_layer.cu
│ │ │ │ ├── cudnn_lrn_layer.cpp
│ │ │ │ ├── cudnn_lrn_layer.cu
│ │ │ │ ├── cudnn_pooling_layer.cpp
│ │ │ │ ├── cudnn_pooling_layer.cu
│ │ │ │ ├── cudnn_relu_layer.cpp
│ │ │ │ ├── cudnn_relu_layer.cu
│ │ │ │ ├── cudnn_sigmoid_layer.cpp
│ │ │ │ ├── cudnn_sigmoid_layer.cu
│ │ │ │ ├── cudnn_softmax_layer.cpp
│ │ │ │ ├── cudnn_softmax_layer.cu
│ │ │ │ ├── cudnn_tanh_layer.cpp
│ │ │ │ ├── cudnn_tanh_layer.cu
│ │ │ │ ├── data_layer.cpp
│ │ │ │ ├── deconv_layer.cpp
│ │ │ │ ├── deconv_layer.cu
│ │ │ │ ├── dropout_layer.cpp
│ │ │ │ ├── dropout_layer.cu
│ │ │ │ ├── dummy_data_layer.cpp
│ │ │ │ ├── eltwise_layer.cpp
│ │ │ │ ├── eltwise_layer.cu
│ │ │ │ ├── elu_layer.cpp
│ │ │ │ ├── elu_layer.cu
│ │ │ │ ├── embed_layer.cpp
│ │ │ │ ├── embed_layer.cu
│ │ │ │ ├── euclidean_loss_layer.cpp
│ │ │ │ ├── euclidean_loss_layer.cu
│ │ │ │ ├── exp_layer.cpp
│ │ │ │ ├── exp_layer.cu
│ │ │ │ ├── filter_layer.cpp
│ │ │ │ ├── filter_layer.cu
│ │ │ │ ├── flatten_layer.cpp
│ │ │ │ ├── hdf5_data_layer.cpp
│ │ │ │ ├── hdf5_data_layer.cu
│ │ │ │ ├── hdf5_output_layer.cpp
│ │ │ │ ├── hdf5_output_layer.cu
│ │ │ │ ├── hinge_loss_layer.cpp
│ │ │ │ ├── im2col_layer.cpp
│ │ │ │ ├── im2col_layer.cu
│ │ │ │ ├── image_data_layer.cpp
│ │ │ │ ├── infogain_loss_layer.cpp
│ │ │ │ ├── inner_product_layer.cpp
│ │ │ │ ├── inner_product_layer.cu
│ │ │ │ ├── loss_layer.cpp
│ │ │ │ ├── lrn_layer.cpp
│ │ │ │ ├── lrn_layer.cu
│ │ │ │ ├── memory_data_layer.cpp
│ │ │ │ ├── multinomial_logistic_loss_layer.cpp
│ │ │ │ ├── mvn_layer.cpp
│ │ │ │ ├── mvn_layer.cu
│ │ │ │ ├── neuron_layer.cpp
│ │ │ │ ├── pooling_layer.cpp
│ │ │ │ ├── pooling_layer.cu
│ │ │ │ ├── power_layer.cpp
│ │ │ │ ├── power_layer.cu
│ │ │ │ ├── prelu_layer.cpp
│ │ │ │ ├── prelu_layer.cu
│ │ │ │ ├── reduction_layer.cpp
│ │ │ │ ├── reduction_layer.cu
│ │ │ │ ├── relu_layer.cpp
│ │ │ │ ├── relu_layer.cu
│ │ │ │ ├── reshape_layer.cpp
│ │ │ │ ├── roi_pooling_layer.cpp
│ │ │ │ ├── roi_pooling_layer.cu
│ │ │ │ ├── rotate_roi_align_layer.cpp
│ │ │ │ ├── rotate_roi_align_layer.cu
│ │ │ │ ├── rotate_roi_pooling_layer.cpp
│ │ │ │ ├── rotate_roi_pooling_layer.cu
│ │ │ │ ├── scale_layer.cpp
│ │ │ │ ├── scale_layer.cu
│ │ │ │ ├── sigmoid_cross_entropy_loss_layer.cpp
│ │ │ │ ├── sigmoid_cross_entropy_loss_layer.cu
│ │ │ │ ├── sigmoid_layer.cpp
│ │ │ │ ├── sigmoid_layer.cu
│ │ │ │ ├── silence_layer.cpp
│ │ │ │ ├── silence_layer.cu
│ │ │ │ ├── slice_layer.cpp
│ │ │ │ ├── slice_layer.cu
│ │ │ │ ├── smooth_L1_loss_layer.cpp
│ │ │ │ ├── smooth_L1_loss_layer.cu
│ │ │ │ ├── softmax_layer.cpp
│ │ │ │ ├── softmax_layer.cu
│ │ │ │ ├── softmax_loss_layer.cpp
│ │ │ │ ├── softmax_loss_layer.cu
│ │ │ │ ├── split_layer.cpp
│ │ │ │ ├── split_layer.cu
│ │ │ │ ├── spp_layer.cpp
│ │ │ │ ├── tanh_layer.cpp
│ │ │ │ ├── tanh_layer.cu
│ │ │ │ ├── threshold_layer.cpp
│ │ │ │ ├── threshold_layer.cu
│ │ │ │ ├── tile_layer.cpp
│ │ │ │ ├── tile_layer.cu
│ │ │ │ └── window_data_layer.cpp
│ │ │ ├── net.cpp
│ │ │ ├── parallel.cpp
│ │ │ ├── proto
│ │ │ │ └── caffe.proto
│ │ │ ├── solver.cpp
│ │ │ ├── solvers
│ │ │ │ ├── adadelta_solver.cpp
│ │ │ │ ├── adadelta_solver.cu
│ │ │ │ ├── adagrad_solver.cpp
│ │ │ │ ├── adagrad_solver.cu
│ │ │ │ ├── adam_solver.cpp
│ │ │ │ ├── adam_solver.cu
│ │ │ │ ├── nesterov_solver.cpp
│ │ │ │ ├── nesterov_solver.cu
│ │ │ │ ├── rmsprop_solver.cpp
│ │ │ │ ├── rmsprop_solver.cu
│ │ │ │ ├── sgd_solver.cpp
│ │ │ │ └── sgd_solver.cu
│ │ │ ├── syncedmem.cpp
│ │ │ ├── test
│ │ │ │ ├── CMakeLists.txt
│ │ │ │ ├── test_accuracy_layer.cpp
│ │ │ │ ├── test_argmax_layer.cpp
│ │ │ │ ├── test_batch_norm_layer.cpp
│ │ │ │ ├── test_batch_reindex_layer.cpp
│ │ │ │ ├── test_benchmark.cpp
│ │ │ │ ├── test_bias_layer.cpp
│ │ │ │ ├── test_blob.cpp
│ │ │ │ ├── test_caffe_main.cpp
│ │ │ │ ├── test_common.cpp
│ │ │ │ ├── test_concat_layer.cpp
│ │ │ │ ├── test_contrastive_loss_layer.cpp
│ │ │ │ ├── test_convolution_layer.cpp
│ │ │ │ ├── test_data
│ │ │ │ │ ├── generate_sample_data.py
│ │ │ │ │ ├── sample_data_2_gzip.h5
│ │ │ │ │ ├── sample_data.h5
│ │ │ │ │ ├── sample_data_list.txt
│ │ │ │ │ ├── solver_data.h5
│ │ │ │ │ └── solver_data_list.txt
│ │ │ │ ├── test_data_layer.cpp
│ │ │ │ ├── test_data_transformer.cpp
│ │ │ │ ├── test_db.cpp
│ │ │ │ ├── test_deconvolution_layer.cpp
│ │ │ │ ├── test_dummy_data_layer.cpp
│ │ │ │ ├── test_eltwise_layer.cpp
│ │ │ │ ├── test_embed_layer.cpp
│ │ │ │ ├── test_euclidean_loss_layer.cpp
│ │ │ │ ├── test_filler.cpp
│ │ │ │ ├── test_filter_layer.cpp
│ │ │ │ ├── test_flatten_layer.cpp
│ │ │ │ ├── test_gradient_based_solver.cpp
│ │ │ │ ├── test_hdf5data_layer.cpp
│ │ │ │ ├── test_hdf5_output_layer.cpp
│ │ │ │ ├── test_hinge_loss_layer.cpp
│ │ │ │ ├── test_im2col_kernel.cu
│ │ │ │ ├── test_im2col_layer.cpp
│ │ │ │ ├── test_image_data_layer.cpp
│ │ │ │ ├── test_infogain_loss_layer.cpp
│ │ │ │ ├── test_inner_product_layer.cpp
│ │ │ │ ├── test_internal_thread.cpp
│ │ │ │ ├── test_io.cpp
│ │ │ │ ├── test_layer_factory.cpp
│ │ │ │ ├── test_lrn_layer.cpp
│ │ │ │ ├── test_math_functions.cpp
│ │ │ │ ├── test_maxpool_dropout_layers.cpp
│ │ │ │ ├── test_memory_data_layer.cpp
│ │ │ │ ├── test_multinomial_logistic_loss_layer.cpp
│ │ │ │ ├── test_mvn_layer.cpp
│ │ │ │ ├── test_net.cpp
│ │ │ │ ├── test_neuron_layer.cpp
│ │ │ │ ├── test_platform.cpp
│ │ │ │ ├── test_pooling_layer.cpp
│ │ │ │ ├── test_power_layer.cpp
│ │ │ │ ├── test_protobuf.cpp
│ │ │ │ ├── test_random_number_generator.cpp
│ │ │ │ ├── test_reduction_layer.cpp
│ │ │ │ ├── test_reshape_layer.cpp
│ │ │ │ ├── test_roi_pooling_layer.cpp
│ │ │ │ ├── test_scale_layer.cpp
│ │ │ │ ├── test_sigmoid_cross_entropy_loss_layer.cpp
│ │ │ │ ├── test_slice_layer.cpp
│ │ │ │ ├── test_smooth_L1_loss_layer.cpp
│ │ │ │ ├── test_softmax_layer.cpp
│ │ │ │ ├── test_softmax_with_loss_layer.cpp
│ │ │ │ ├── test_solver.cpp
│ │ │ │ ├── test_solver_factory.cpp
│ │ │ │ ├── test_split_layer.cpp
│ │ │ │ ├── test_spp_layer.cpp
│ │ │ │ ├── test_stochastic_pooling.cpp
│ │ │ │ ├── test_syncedmem.cpp
│ │ │ │ ├── test_tanh_layer.cpp
│ │ │ │ ├── test_threshold_layer.cpp
│ │ │ │ ├── test_tile_layer.cpp
│ │ │ │ ├── test_upgrade_proto.cpp
│ │ │ │ └── test_util_blas.cpp
│ │ │ └── util
│ │ │ ├── benchmark.cpp
│ │ │ ├── blocking_queue.cpp
│ │ │ ├── cudnn.cpp
│ │ │ ├── db.cpp
│ │ │ ├── db_leveldb.cpp
│ │ │ ├── db_lmdb.cpp
│ │ │ ├── hdf5.cpp
│ │ │ ├── im2col.cpp
│ │ │ ├── im2col.cu
│ │ │ ├── insert_splits.cpp
│ │ │ ├── io.cpp
│ │ │ ├── math_functions.cpp
│ │ │ ├── math_functions.cu
│ │ │ ├── signal_handler.cpp
│ │ │ └── upgrade_proto.cpp
│ │ └── gtest
│ │ ├── CMakeLists.txt
│ │ ├── gtest-all.cpp
│ │ ├── gtest.h
│ │ └── gtest_main.cc
│ └── tools
│ ├── caffe.cpp
│ ├── CMakeLists.txt
│ ├── compute_image_mean.cpp
│ ├── convert_imageset.cpp
│ ├── device_query.cpp
│ ├── extra
│ │ ├── extract_seconds.py
│ │ ├── launch_resize_and_crop_images.sh
│ │ ├── parse_log.py
│ │ ├── parse_log.sh
│ │ ├── plot_log.gnuplot.example
│ │ ├── plot_training_log.py.example
│ │ ├── resize_and_crop_images.py
│ │ └── summarize.py
│ ├── extract_features.cpp
│ ├── finetune_net.cpp
│ ├── net_speed_benchmark.cpp
│ ├── test_net.cpp
│ ├── train_net.cpp
│ ├── upgrade_net_proto_binary.cpp
│ ├── upgrade_net_proto_text.cpp
│ └── upgrade_solver_proto_text.cpp
├── data
│ ├── demo
│ │ ├── Pict0004.jpg
│ │ ├── PICT0005.JPG
│ │ ├── Pict0011.jpg
│ │ ├── Pict0012.jpg
│ │ ├── Pict0013.jpg
│ │ ├── PICT0015.JPG
│ │ ├── Pict0021.jpg
│ │ ├── PICT0024.JPG
│ │ ├── PICT0026.JPG
│ │ └── PICT0027.JPG
│ ├── pylintrc
│ ├── README.md
│ └── scripts
│ ├── fetch_faster_rcnn_models.sh
│ ├── fetch_imagenet_models.sh
│ └── fetch_selective_search_data.sh
├── experiments
│ ├── cfgs
│ │ ├── faster_rcnn_alt_opt.yml
│ │ └── faster_rcnn_end2end.yml
│ ├── logs
│ ├── README.md
│ └── scripts
│ ├── faster_rcnn_alt_opt.sh
│ ├── faster_rcnn_end2end.sh
│ └── fast_rcnn.sh
├── __init__.py
├── lib
│ ├── datasets
│ │ ├── coco.py
│ │ ├── coco.pyc
│ │ ├── ds_utils.py
│ │ ├── ds_utils.pyc
│ │ ├── factory.py
│ │ ├── factory.pyc
│ │ ├── imdb.py
│ │ ├── imdb.pyc
│ │ ├── __init__.py
│ │ ├── __init__.pyc
│ │ ├── pascal_voc.py
│ │ ├── pascal_voc.pyc
│ │ ├── tools
│ │ │ └── mcg_munge.py
│ │ ├── VOCdevkit-matlab-wrapper
│ │ │ ├── get_voc_opts.m
│ │ │ ├── voc_eval.m
│ │ │ └── xVOCap.m
│ │ ├── voc_eval.py
│ │ └── voc_eval.pyc
│ ├── fast_rcnn
│ │ ├── bbox_transform.py
│ │ ├── bbox_transform.pyc
│ │ ├── config.py
│ │ ├── config.pyc
│ │ ├── __init__.py
│ │ ├── __init__.pyc
│ │ ├── nms_wrapper.py
│ │ ├── nms_wrapper.pyc
│ │ ├── test.py
│ │ ├── test.pyc
│ │ └── train.py
│ ├── Makefile
│ ├── nms
│ │ ├── cpu_nms.pyx
│ │ ├── gpu_nms.hpp
│ │ ├── gpu_nms.pyx
│ │ ├── __init__.py
│ │ ├── __init__.pyc
│ │ ├── nms_kernel.cu
│ │ └── py_cpu_nms.py
│ ├── pycocotools
│ │ ├── cocoeval.py
│ │ ├── cocoeval.pyc
│ │ ├── coco.py
│ │ ├── coco.pyc
│ │ ├── __init__.py
│ │ ├── __init__.pyc
│ │ ├── license.txt
│ │ ├── maskApi.c
│ │ ├── maskApi.h
│ │ ├── _mask.c
│ │ ├── mask.py
│ │ ├── mask.pyc
│ │ ├── _mask.pyx
│ │ └── UPSTREAM_REV
│ ├── roi_data_layer
│ │ ├── __init__.py
│ │ ├── __init__.pyc
│ │ ├── layer.py
│ │ ├── layer.pyc
│ │ ├── minibatch.py
│ │ ├── minibatch.pyc
│ │ └── roidb.py
│ ├── rotation
│ │ ├── anchor_target_layer.py
│ │ ├── anchor_target_layer.pyc
│ │ ├── data_extractor.py
│ │ ├── data_extractor.pyc
│ │ ├── data_pick.py
│ │ ├── data_pick.pyc
│ │ ├── generate_anchors.py
│ │ ├── generate_anchors.pyc
│ │ ├── __init__.py
│ │ ├── __init__.pyc
│ │ ├── inside_judge.py
│ │ ├── inside_judge.pyc
│ │ ├── merge_box.py
│ │ ├── merge_box.pyc
│ │ ├── nms_test.py
│ │ ├── picked_rois.py
│ │ ├── rbbox_overlaps.cpp
│ │ ├── rbbox_overlaps.hpp
│ │ ├── rbbox_overlaps_kernel.cu
│ │ ├── rbbox_overlaps.pyx
│ │ ├── rbbox.py
│ │ ├── rbbox.pyc
│ │ ├── rbbox_transform.py
│ │ ├── rbbox_transform.pyc
│ │ ├── rlayer.py
│ │ ├── rlayer.pyc
│ │ ├── r_minibatch.py
│ │ ├── r_minibatch.pyc
│ │ ├── rotate_circle_nms.c
│ │ ├── rotate_circle_nms.pyx
│ │ ├── rotate_cpu_nms.py
│ │ ├── rotate_cpu_nms.pyc
│ │ ├── rotate_cpython_nms.pyx
│ │ ├── rotate_cython_nms.c
│ │ ├── rotate_cython_nms.pyx
│ │ ├── rotate_gpu_nms.cpp
│ │ ├── rotate_gpu_nms.hpp
│ │ ├── rotate_gpu_nms.pyx
│ │ ├── rotate_nms_kernel.cu
│ │ ├── rotate_polygon_nms.cpp
│ │ ├── rotate_polygon_nms.hpp
│ │ ├── rotate_polygon_nms_kernel.cu
│ │ ├── rotate_polygon_nms.pyx
│ │ ├── rotation_test.py
│ │ ├── rproposal_layer.py
│ │ ├── rproposal_layer.pyc
│ │ ├── rproposal_target_layer.py
│ │ ├── rproposal_target_layer.pyc
│ │ ├── r_roidb.py
│ │ ├── r_roidb.pyc
│ │ ├── rt_test_crop.py
│ │ ├── rt_test_crop.pyc
│ │ ├── rt_test.py
│ │ ├── rt_test.pyc
│ │ ├── rt_train.py
│ │ ├── rt_train.pyc
│ │ ├── test_IoU.py
│ │ └── test.py
│ ├── rpn
│ │ ├── anchor_target_layer.py
│ │ ├── anchor_target_layer.pyc
│ │ ├── generate_anchors.py
│ │ ├── generate_anchors.pyc
│ │ ├── generate.py
│ │ ├── __init__.py
│ │ ├── __init__.pyc
│ │ ├── proposal_layer.py
│ │ ├── proposal_layer.pyc
│ │ ├── proposal_target_layer.py
│ │ ├── proposal_target_layer.pyc
│ │ └── README.md
│ ├── setup.py
│ ├── transform
│ │ ├── __init__.py
│ │ └── torch_image_transform_layer.py
│ └── utils
│ ├── bbox.pyx
│ ├── blob.py
│ ├── blob.pyc
│ ├── __init__.py
│ ├── __init__.pyc
│ ├── timer.py
│ └── timer.pyc
├── LICENSE
├── models
│ ├── coco
│ │ ├── VGG16
│ │ │ ├── faster_rcnn_end2end
│ │ │ │ ├── solver.prototxt
│ │ │ │ ├── test.prototxt
│ │ │ │ └── train.prototxt
│ │ │ └── fast_rcnn
│ │ │ ├── solver.prototxt
│ │ │ ├── test.prototxt
│ │ │ └── train.prototxt
│ │ └── VGG_CNN_M_1024
│ │ ├── faster_rcnn_end2end
│ │ │ ├── solver.prototxt
│ │ │ ├── test.prototxt
│ │ │ └── train.prototxt
│ │ └── fast_rcnn
│ │ ├── solver.prototxt
│ │ ├── test.prototxt
│ │ └── train.prototxt
│ ├── pascal_voc
│ │ ├── VGG16
│ │ │ ├── faster_rcnn_alt_opt
│ │ │ │ ├── faster_rcnn_test.pt
│ │ │ │ ├── rpn_test.pt
│ │ │ │ ├── stage1_fast_rcnn_solver30k40k.pt
│ │ │ │ ├── stage1_fast_rcnn_train.pt
│ │ │ │ ├── stage1_rpn_solver60k80k.pt
│ │ │ │ ├── stage1_rpn_train.pt
│ │ │ │ ├── stage2_fast_rcnn_solver30k40k.pt
│ │ │ │ ├── stage2_fast_rcnn_train.pt
│ │ │ │ ├── stage2_rpn_solver60k80k.pt
│ │ │ │ └── stage2_rpn_train.pt
│ │ │ ├── faster_rcnn_end2end
│ │ │ │ ├── solver.prototxt
│ │ │ │ ├── test.prototxt
│ │ │ │ └── train.prototxt
│ │ │ └── fast_rcnn
│ │ │ ├── solver.prototxt
│ │ │ ├── test.prototxt
│ │ │ └── train.prototxt
│ │ ├── VGG_CNN_M_1024
│ │ │ ├── faster_rcnn_alt_opt
│ │ │ │ ├── faster_rcnn_test.pt
│ │ │ │ ├── rpn_test.pt
│ │ │ │ ├── stage1_fast_rcnn_solver30k40k.pt
│ │ │ │ ├── stage1_fast_rcnn_train.pt
│ │ │ │ ├── stage1_rpn_solver60k80k.pt
│ │ │ │ ├── stage1_rpn_train.pt
│ │ │ │ ├── stage2_fast_rcnn_solver30k40k.pt
│ │ │ │ ├── stage2_fast_rcnn_train.pt
│ │ │ │ ├── stage2_rpn_solver60k80k.pt
│ │ │ │ └── stage2_rpn_train.pt
│ │ │ ├── faster_rcnn_end2end
│ │ │ │ ├── solver.prototxt
│ │ │ │ ├── test.prototxt
│ │ │ │ └── train.prototxt
│ │ │ └── fast_rcnn
│ │ │ ├── solver.prototxt
│ │ │ ├── test.prototxt
│ │ │ └── train.prototxt
│ │ └── ZF
│ │ ├── faster_rcnn_alt_opt
│ │ │ ├── faster_rcnn_test.pt
│ │ │ ├── rpn_test.pt
│ │ │ ├── stage1_fast_rcnn_solver30k40k.pt
│ │ │ ├── stage1_fast_rcnn_train.pt
│ │ │ ├── stage1_rpn_solver60k80k.pt
│ │ │ ├── stage1_rpn_train.pt
│ │ │ ├── stage2_fast_rcnn_solver30k40k.pt
│ │ │ ├── stage2_fast_rcnn_train.pt
│ │ │ ├── stage2_rpn_solver60k80k.pt
│ │ │ └── stage2_rpn_train.pt
│ │ ├── faster_rcnn_end2end
│ │ │ ├── solver.prototxt
│ │ │ ├── test.prototxt
│ │ │ └── train.prototxt
│ │ └── fast_rcnn
│ │ ├── solver.prototxt
│ │ ├── test.prototxt
│ │ └── train.prototxt
│ ├── README.md
│ └── rrpn
│ ├── RES101
│ │ └── faster_rcnn_end2end
│ │ ├── solver_imagenet_aug_exp1.prototxt
│ │ ├── solver_imagenet_aug_hardsample.prototxt
│ │ ├── solver_imagenet_normal_exp1.prototxt
│ │ ├── solver_imagenet_normal_hardsample.prototxt
│ │ ├── solver.prototxt
│ │ ├── test.prototxt
│ │ ├── train_hardsample.prototxt
│ │ └── train.prototxt
│ ├── VGG16
│ │ ├── faster_rcnn_alt_opt
│ │ │ ├── faster_rcnn_test.pt
│ │ │ ├── rpn_test.pt
│ │ │ ├── stage1_fast_rcnn_solver30k40k.pt
│ │ │ ├── stage1_fast_rcnn_train.pt
│ │ │ ├── stage1_rpn_solver60k80k.pt
│ │ │ ├── stage1_rpn_train.pt
│ │ │ ├── stage2_fast_rcnn_solver30k40k.pt
│ │ │ ├── stage2_fast_rcnn_train.pt
│ │ │ ├── stage2_rpn_solver60k80k.pt
│ │ │ └── stage2_rpn_train.pt
│ │ ├── faster_rcnn_end2end
│ │ │ ├── solver.prototxt
│ │ │ ├── test.prototxt
│ │ │ └── train.prototxt
│ │ └── fast_rcnn
│ │ ├── solver.prototxt
│ │ ├── test.prototxt
│ │ └── train.prototxt
│ └── ZF
│ └── faster_rcnn_end2end
│ ├── solver.prototxt
│ ├── test.prototxt
│ └── train.prototxt
├── README.md
└── tools
├── compress_net.py
├── demo.py
├── eval_recall.py
├── _init_paths.py
├── _init_paths.pyc
├── __init__.py
├── __init__.pyc
├── joint_test.py
├── rctw_multiscale_test_net.py
├── README.md
├── reval.py
├── rotation_demo.py
├── rotation_demo.py.bak
├── rotation_demo.pyc
├── rpn_generate.py
├── rrpn_test_api.py
├── service_demo.py
├── service_demo.pyc
├── test_net.py
├── train_faster_rcnn_alt_opt.py
├── train_net.py
└── train_svms.py
107 directories, 848 files
标签:
小贴士
感谢您为本站写下的评论,您的评论对其它用户来说具有重要的参考价值,所以请认真填写。
- 类似“顶”、“沙发”之类没有营养的文字,对勤劳贡献的楼主来说是令人沮丧的反馈信息。
- 相信您也不想看到一排文字/表情墙,所以请不要反馈意义不大的重复字符,也请尽量不要纯表情的回复。
- 提问之前请再仔细看一遍楼主的说明,或许是您遗漏了。
- 请勿到处挖坑绊人、招贴广告。既占空间让人厌烦,又没人会搭理,于人于己都无利。
关于好例子网
本站旨在为广大IT学习爱好者提供一个非营利性互相学习交流分享平台。本站所有资源都可以被免费获取学习研究。本站资源来自网友分享,对搜索内容的合法性不具有预见性、识别性、控制性,仅供学习研究,请务必在下载后24小时内给予删除,不得用于其他任何用途,否则后果自负。基于互联网的特殊性,平台无法对用户传输的作品、信息、内容的权属或合法性、安全性、合规性、真实性、科学性、完整权、有效性等进行实质审查;无论平台是否已进行审查,用户均应自行承担因其传输的作品、信息、内容而可能或已经产生的侵权或权属纠纷等法律责任。本站所有资源不代表本站的观点或立场,基于网友分享,根据中国法律《信息网络传播权保护条例》第二十二与二十三条之规定,若资源存在侵权或相关问题请联系本站客服人员,点此联系我们。关于更多版权及免责申明参见 版权及免责申明
网友评论
我要评论