在好例子网,分享、交流、成长!
您当前所在位置:首页Others 开发实例一般编程问题 → 行人属性识别算法合集.rar

行人属性识别算法合集.rar

一般编程问题

下载此实例
  • 开发语言:Others
  • 实例大小:133.52M
  • 下载次数:14
  • 浏览次数:85
  • 发布时间:2021-11-19
  • 实例类别:一般编程问题
  • 发 布 人:js2021
  • 文件格式:.rar
  • 所需积分:2
 

实例介绍

【实例简介】
行人属性识别算法合集包括DeepMar,attention-heat-map-refining,RstarCNN,Weakly-supervised-Network
【实例截图】
【核心代码】
HumanAttributerecognition.rar
├── Human-attribute-recognition-by-refining-attention-heat-map
│   ├── 00148.jpg
│   ├── caffe_attribute
│   │   ├── 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
│   │   ├── data
│   │   │   ├── cifar10
│   │   │   │   └── get_cifar10.sh
│   │   │   ├── ilsvrc12
│   │   │   │   ├── det_synset_words.txt
│   │   │   │   ├── get_ilsvrc_aux.sh
│   │   │   │   ├── imagenet.bet.pickle
│   │   │   │   ├── imagenet_mean.binaryproto
│   │   │   │   ├── synsets.txt
│   │   │   │   ├── synset_words.txt
│   │   │   │   ├── test.txt
│   │   │   │   ├── train.txt
│   │   │   │   └── val.txt
│   │   │   └── mnist
│   │   │   └── get_mnist.sh
│   │   ├── docker
│   │   │   ├── Makefile
│   │   │   ├── README.md
│   │   │   ├── standalone
│   │   │   │   ├── cpu
│   │   │   │   │   └── Dockerfile
│   │   │   │   └── gpu
│   │   │   │   └── Dockerfile
│   │   │   └── templates
│   │   │   └── Dockerfile.template
│   │   ├── 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
│   │   │   │   └── logreg.jpg
│   │   │   ├── forward_backward.md
│   │   │   ├── index.md
│   │   │   ├── interfaces.md
│   │   │   ├── layers.md
│   │   │   ├── loss.md
│   │   │   ├── net_layer_blob.md
│   │   │   └── solver.md
│   │   ├── include
│   │   │   └── caffe
│   │   │   ├── blob.hpp
│   │   │   ├── caffe.hpp
│   │   │   ├── common.hpp
│   │   │   ├── data_reader.hpp
│   │   │   ├── data_transformer.hpp
│   │   │   ├── filler.hpp
│   │   │   ├── internal_thread.hpp
│   │   │   ├── layer_factory.hpp
│   │   │   ├── layer.hpp
│   │   │   ├── layers
│   │   │   │   ├── absval_layer.hpp
│   │   │   │   ├── accuracy_layer.hpp
│   │   │   │   ├── argmax_layer.hpp
│   │   │   │   ├── attrlabel_layer.hpp
│   │   │   │   ├── attrlabel_layer.hpp~
│   │   │   │   ├── base_conv_layer.hpp
│   │   │   │   ├── base_data_layer.hpp
│   │   │   │   ├── batch_norm_layer.hpp
│   │   │   │   ├── batch_reindex_layer.hpp
│   │   │   │   ├── bias_layer.hpp
│   │   │   │   ├── binarycls_loss_layer.hpp
│   │   │   │   ├── bnll_layer.hpp
│   │   │   │   ├── concat_layer.hpp
│   │   │   │   ├── contrastive_loss_layer.hpp
│   │   │   │   ├── conv_layer.hpp
│   │   │   │   ├── crop_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
│   │   │   │   ├── heatmap_loss_layer.hpp
│   │   │   │   ├── heatmap_loss_layer.hpp~
│   │   │   │   ├── hinge_loss_layer.hpp
│   │   │   │   ├── im2col_layer.hpp
│   │   │   │   ├── image_data_layer.hpp
│   │   │   │   ├── infogain_loss_layer.hpp
│   │   │   │   ├── inner_product_layer.hpp
│   │   │   │   ├── input_layer.hpp
│   │   │   │   ├── log_layer.hpp
│   │   │   │   ├── loss_layer.hpp
│   │   │   │   ├── lrn_layer.hpp
│   │   │   │   ├── lstm_layer.hpp
│   │   │   │   ├── maxratiodrop_layer.hpp
│   │   │   │   ├── maxratiodrop_layer.hpp~
│   │   │   │   ├── memory_data_layer.hpp
│   │   │   │   ├── multinomial_logistic_loss_layer.hpp
│   │   │   │   ├── mvn_layer.hpp
│   │   │   │   ├── neuron_layer.hpp
│   │   │   │   ├── parameter_layer.hpp
│   │   │   │   ├── pooling_layer.hpp
│   │   │   │   ├── power_layer.hpp
│   │   │   │   ├── prelu_layer.hpp
│   │   │   │   ├── python_layer.hpp
│   │   │   │   ├── recurrent_layer.hpp
│   │   │   │   ├── reduction_layer.hpp
│   │   │   │   ├── relu_layer.hpp
│   │   │   │   ├── reshape_layer.hpp
│   │   │   │   ├── rnn_layer.hpp
│   │   │   │   ├── scale_layer.hpp
│   │   │   │   ├── sigmadjust_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
│   │   │   │   ├── weighted_average_layer.hpp
│   │   │   │   ├── weighted_average_layer.hpp~
│   │   │   │   └── window_data_layer.hpp
│   │   │   ├── net.hpp
│   │   │   ├── parallel.hpp
│   │   │   ├── proto
│   │   │   │   └── caffe.pb.h
│   │   │   ├── 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
│   │   ├── 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
│   │   │   ├── CMakeCache.txt
│   │   │   ├── CMakeFiles
│   │   │   │   ├── 2.8.12.2
│   │   │   │   │   ├── CMakeCCompiler.cmake
│   │   │   │   │   ├── CMakeCXXCompiler.cmake
│   │   │   │   │   ├── CMakeDetermineCompilerABI_C.bin
│   │   │   │   │   ├── CMakeDetermineCompilerABI_CXX.bin
│   │   │   │   │   ├── CMakeSystem.cmake
│   │   │   │   │   ├── CompilerIdC
│   │   │   │   │   │   ├── a.out
│   │   │   │   │   │   └── CMakeCCompilerId.c
│   │   │   │   │   └── CompilerIdCXX
│   │   │   │   │   ├── a.out
│   │   │   │   │   └── CMakeCXXCompilerId.cpp
│   │   │   │   ├── cmake.check_cache
│   │   │   │   ├── CMakeDirectoryInformation.cmake
│   │   │   │   ├── CMakeOutput.log
│   │   │   │   ├── Makefile2
│   │   │   │   ├── Makefile.cmake
│   │   │   │   ├── progress.marks
│   │   │   │   └── TargetDirectories.txt
│   │   │   ├── cmake_install.cmake
│   │   │   ├── CMakeLists.txt
│   │   │   ├── demo
│   │   │   │   └── classification_demo.m
│   │   │   ├── hdf5creation
│   │   │   │   ├── demo.m
│   │   │   │   └── store2hdf5.m
│   │   │   └── Makefile
│   │   ├── models
│   │   │   ├── bvlc_alexnet
│   │   │   │   ├── deploy.prototxt
│   │   │   │   ├── readme.md
│   │   │   │   ├── solver.prototxt
│   │   │   │   └── train_val.prototxt
│   │   │   ├── bvlc_googlenet
│   │   │   │   ├── deploy.prototxt
│   │   │   │   ├── quick_solver.prototxt
│   │   │   │   ├── readme.md
│   │   │   │   ├── solver.prototxt
│   │   │   │   └── train_val.prototxt
│   │   │   ├── bvlc_reference_caffenet
│   │   │   │   ├── deploy.prototxt
│   │   │   │   ├── readme.md
│   │   │   │   ├── solver.prototxt
│   │   │   │   └── train_val.prototxt
│   │   │   ├── bvlc_reference_rcnn_ilsvrc13
│   │   │   │   ├── deploy.prototxt
│   │   │   │   └── readme.md
│   │   │   └── finetune_flickr_style
│   │   │   ├── deploy.prototxt
│   │   │   ├── readme.md
│   │   │   ├── solver.prototxt
│   │   │   └── train_val.prototxt
│   │   ├── python
│   │   │   ├── caffe
│   │   │   │   ├── _caffe.cpp
│   │   │   │   ├── classifier.py
│   │   │   │   ├── classifier.pyc
│   │   │   │   ├── coord_map.py
│   │   │   │   ├── detector.py
│   │   │   │   ├── detector.pyc
│   │   │   │   ├── draw.py
│   │   │   │   ├── draw.pyc
│   │   │   │   ├── imagenet
│   │   │   │   │   └── ilsvrc_2012_mean.npy
│   │   │   │   ├── __init__.py
│   │   │   │   ├── __init__.pyc
│   │   │   │   ├── io.py
│   │   │   │   ├── io.pyc
│   │   │   │   ├── net_spec.py
│   │   │   │   ├── net_spec.pyc
│   │   │   │   ├── __pycache__
│   │   │   │   │   └── io.cpython-34.pyc
│   │   │   │   ├── pycaffe.py
│   │   │   │   ├── pycaffe.pyc
│   │   │   │   └── test
│   │   │   │   ├── test_coord_map.py
│   │   │   │   ├── 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
│   │   │   │   ├── build.sh
│   │   │   │   ├── configure-cmake.sh
│   │   │   │   ├── configure-make.sh
│   │   │   │   ├── configure.sh
│   │   │   │   ├── defaults.sh
│   │   │   │   ├── install-deps.sh
│   │   │   │   ├── install-python-deps.sh
│   │   │   │   ├── setup-venv.sh
│   │   │   │   └── test.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
│   │   │   │   │   ├── attrlabel_layer.cpp
│   │   │   │   │   ├── attrlabel_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
│   │   │   │   │   ├── binarycls_loss_layer.cpp
│   │   │   │   │   ├── bnll_layer.cpp
│   │   │   │   │   ├── bnll_layer.cu
│   │   │   │   │   ├── concat_layer.cpp
│   │   │   │   │   ├── concat_layer.cu
│   │   │   │   │   ├── contrastive_loss_layer.cpp
│   │   │   │   │   ├── contrastive_loss_layer.cpp~
│   │   │   │   │   ├── contrastive_loss_layer.cu
│   │   │   │   │   ├── conv_layer.cpp
│   │   │   │   │   ├── conv_layer.cu
│   │   │   │   │   ├── crop_layer.cpp
│   │   │   │   │   ├── crop_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
│   │   │   │   │   ├── heatmap_loss_layer.cpp
│   │   │   │   │   ├── heatmap_loss_layer.cpp~
│   │   │   │   │   ├── 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
│   │   │   │   │   ├── input_layer.cpp
│   │   │   │   │   ├── log_layer.cpp
│   │   │   │   │   ├── log_layer.cu
│   │   │   │   │   ├── loss_layer.cpp
│   │   │   │   │   ├── lrn_layer.cpp
│   │   │   │   │   ├── lrn_layer.cu
│   │   │   │   │   ├── lstm_layer.cpp
│   │   │   │   │   ├── lstm_unit_layer.cpp
│   │   │   │   │   ├── lstm_unit_layer.cu
│   │   │   │   │   ├── maxratiodrop_layer.cpp
│   │   │   │   │   ├── maxratiodrop_layer.cpp~
│   │   │   │   │   ├── maxratioout_layer.cpp~
│   │   │   │   │   ├── maxxratiodrop_layer.cu~
│   │   │   │   │   ├── memory_data_layer.cpp
│   │   │   │   │   ├── multinomial_logistic_loss_layer.cpp
│   │   │   │   │   ├── mvn_layer.cpp
│   │   │   │   │   ├── mvn_layer.cu
│   │   │   │   │   ├── neuron_layer.cpp
│   │   │   │   │   ├── parameter_layer.cpp
│   │   │   │   │   ├── pooling_layer.cpp
│   │   │   │   │   ├── pooling_layer.cu
│   │   │   │   │   ├── power_layer.cpp
│   │   │   │   │   ├── power_layer.cu
│   │   │   │   │   ├── prelu_layer.cpp
│   │   │   │   │   ├── prelu_layer.cu
│   │   │   │   │   ├── recurrent_layer.cpp
│   │   │   │   │   ├── recurrent_layer.cu
│   │   │   │   │   ├── reduction_layer.cpp
│   │   │   │   │   ├── reduction_layer.cu
│   │   │   │   │   ├── relu_layer.cpp
│   │   │   │   │   ├── relu_layer.cu
│   │   │   │   │   ├── reshape_layer.cpp
│   │   │   │   │   ├── rnn_layer.cpp
│   │   │   │   │   ├── scale_layer.cpp
│   │   │   │   │   ├── scale_layer.cu
│   │   │   │   │   ├── sigmadjust.cpp
│   │   │   │   │   ├── sigmadjust_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
│   │   │   │   │   ├── 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
│   │   │   │   │   ├── weighted_average_layer.cpp
│   │   │   │   │   ├── weighted_average_layer.cpp~
│   │   │   │   │   ├── weighted_average_layer.cu~
│   │   │   │   │   └── window_data_layer.cpp
│   │   │   │   ├── net.cpp
│   │   │   │   ├── parallel.cpp
│   │   │   │   ├── proto
│   │   │   │   │   ├── caffe.pb.cc
│   │   │   │   │   ├── caffe.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_crop_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_lstm_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_rnn_layer.cpp
│   │   │   │   │   ├── test_scale_layer.cpp
│   │   │   │   │   ├── test_sigmoid_cross_entropy_loss_layer.cpp
│   │   │   │   │   ├── test_slice_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
│   ├── computeAveragePrecision.m
│   ├── map2jpg.m
│   ├── models
│   │   ├── deploy_AlexNet_CAM.prototxt
│   │   ├── deploy_AlexNet.prototxt
│   │   └── deploy_VGG16_CAM.prototxt
│   ├── prepare_image_vgg.m
│   ├── README.md
│   ├── returnCAMmap.m
│   ├── showVGGHeatmap.m
│   └── test_list.txt
├── ISEE-DeepMar-attribute-recognition
│   ├── build
│   ├── CMakeLists.txt
│   ├── data
│   ├── include
│   │   ├── isee_deepmar_attribute_recognition.hpp
│   │   └── jni_isee_deepmar_attribute_recognition.h
│   ├── jni
│   │   ├── CMakeLists.txt
│   │   └── jni_isee_deepmar_attribute_recognition.cpp
│   ├── lib
│   │   └── libcaffe.so.1.0.0
│   ├── LICENSE
│   ├── Makefile
│   ├── model
│   ├── out
│   │   └── target
│   ├── README.md
│   └── src
│   ├── include
│   │   └── caffe
│   │   ├── blob.hpp
│   │   ├── caffe.hpp
│   │   ├── common.hpp
│   │   ├── data_transformer.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
│   │   │   ├── crop_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
│   │   │   ├── input_layer.hpp
│   │   │   ├── log_layer.hpp
│   │   │   ├── loss_layer.hpp
│   │   │   ├── lrn_layer.hpp
│   │   │   ├── lstm_layer.hpp
│   │   │   ├── memory_data_layer.hpp
│   │   │   ├── multinomial_logistic_loss_layer.hpp
│   │   │   ├── mvn_layer.hpp
│   │   │   ├── neuron_layer.hpp
│   │   │   ├── parameter_layer.hpp
│   │   │   ├── pooling_layer.hpp
│   │   │   ├── power_layer.hpp
│   │   │   ├── prelu_layer.hpp
│   │   │   ├── python_layer.hpp
│   │   │   ├── recurrent_layer.hpp
│   │   │   ├── reduction_layer.hpp
│   │   │   ├── relu_layer.hpp
│   │   │   ├── reshape_layer.hpp
│   │   │   ├── rnn_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
│   │   ├── proto
│   │   │   └── caffe.pb.h
│   │   ├── 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
│   │   ├── nccl.hpp
│   │   ├── rng.hpp
│   │   ├── signal_handler.h
│   │   └── upgrade_proto.hpp
│   └── isee_deepmar_attribute_recognition.cpp
├── RstarCNN
│   ├── 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
│   │   ├── data
│   │   │   ├── cifar10
│   │   │   │   └── get_cifar10.sh
│   │   │   ├── ilsvrc12
│   │   │   │   └── get_ilsvrc_aux.sh
│   │   │   └── mnist
│   │   │   └── get_mnist.sh
│   │   ├── 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
│   │   │   ├── 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
│   │   │   │   └── logreg.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_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_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_stepearly_solver.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
│   │   │   ├── common_layers.hpp
│   │   │   ├── data_layers.hpp
│   │   │   ├── data_reader.hpp
│   │   │   ├── data_transformer.hpp
│   │   │   ├── fast_rcnn_layers.hpp
│   │   │   ├── filler.hpp
│   │   │   ├── internal_thread.hpp
│   │   │   ├── layer_factory.hpp
│   │   │   ├── layer.hpp
│   │   │   ├── loss_layers.hpp
│   │   │   ├── net.hpp
│   │   │   ├── neuron_layers.hpp
│   │   │   ├── parallel.hpp
│   │   │   ├── python_layer.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
│   │   │   │   ├── 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
│   │   │   └── vision_layers.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_net.m
│   │   │   │   └── test_solver.m
│   │   │   ├── CMakeLists.txt
│   │   │   ├── demo
│   │   │   │   └── classification_demo.m
│   │   │   └── hdf5creation
│   │   │   ├── demo.m
│   │   │   └── store2hdf5.m
│   │   ├── models
│   │   │   ├── bvlc_alexnet
│   │   │   │   ├── deploy.prototxt
│   │   │   │   ├── readme.md
│   │   │   │   ├── solver.prototxt
│   │   │   │   └── train_val.prototxt
│   │   │   ├── bvlc_googlenet
│   │   │   │   ├── deploy.prototxt
│   │   │   │   ├── quick_solver.prototxt
│   │   │   │   ├── readme.md
│   │   │   │   ├── solver.prototxt
│   │   │   │   └── train_val.prototxt
│   │   │   ├── bvlc_reference_caffenet
│   │   │   │   ├── deploy.prototxt
│   │   │   │   ├── readme.md
│   │   │   │   ├── solver.prototxt
│   │   │   │   └── train_val.prototxt
│   │   │   ├── bvlc_reference_rcnn_ilsvrc13
│   │   │   │   ├── deploy.prototxt
│   │   │   │   └── readme.md
│   │   │   └── finetune_flickr_style
│   │   │   ├── deploy.prototxt
│   │   │   ├── readme.md
│   │   │   ├── solver.prototxt
│   │   │   └── train_val.prototxt
│   │   ├── 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_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
│   │   │   │   │   ├── 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_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
│   │   │   │   │   ├── 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
│   │   │   │   │   ├── log_layer.cpp
│   │   │   │   │   ├── log_layer.cu
│   │   │   │   │   ├── loss_layer.cpp
│   │   │   │   │   ├── lrn_layer.cpp
│   │   │   │   │   ├── lrn_layer.cu
│   │   │   │   │   ├── memory_data_layer.cpp
│   │   │   │   │   ├── mil_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
│   │   │   │   │   ├── sigmoid_cross_entropy_loss_layer.cpp
│   │   │   │   │   ├── sigmoid_cross_entropy_loss_layer.cu
│   │   │   │   │   ├── sigmoid_cross_entropy_weighted_loss_layer.cpp
│   │   │   │   │   ├── 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
│   │   │   │   │   ├── sum_layer.cpp
│   │   │   │   │   ├── sum_layer.cu
│   │   │   │   │   ├── 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
│   │   │   │   ├── syncedmem.cpp
│   │   │   │   ├── test
│   │   │   │   │   ├── CMakeLists.txt
│   │   │   │   │   ├── test_accuracy_layer.cpp
│   │   │   │   │   ├── test_argmax_layer.cpp
│   │   │   │   │   ├── test_benchmark.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_sigmoid_cross_entropy_loss_layer.cpp
│   │   │   │   │   ├── test_slice_layer.cpp
│   │   │   │   │   ├── test_softmax_layer.cpp
│   │   │   │   │   ├── test_softmax_with_loss_layer.cpp
│   │   │   │   │   ├── test_solver.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
│   │   ├── 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
│   ├── data
│   ├── lib
│   │   ├── attr_data_layer
│   │   │   ├── __init__.py
│   │   │   ├── layer.py
│   │   │   ├── minibatch.py
│   │   │   └── roidb.py
│   │   ├── attr_roi_data_layer
│   │   │   ├── __init__.py
│   │   │   ├── layer.py
│   │   │   ├── minibatch.py
│   │   │   └── roidb.py
│   │   ├── data_layer
│   │   │   ├── __init__.py
│   │   │   ├── layer.py
│   │   │   ├── minibatch.py
│   │   │   └── roidb.py
│   │   ├── datasets
│   │   │   ├── attr_bpad.py
│   │   │   ├── factory.py
│   │   │   ├── imdb.py
│   │   │   ├── __init__.py
│   │   │   ├── pascal_voc.py
│   │   │   ├── stanford40.py
│   │   │   └── VOCdevkit-matlab-wrapper
│   │   │   ├── get_voc_opts.m
│   │   │   ├── voc_eval.m
│   │   │   └── xVOCap.m
│   │   ├── fast_rcnn
│   │   │   ├── config.py
│   │   │   ├── __init__.py
│   │   │   ├── test_2regions.py
│   │   │   ├── test_attributes.py
│   │   │   ├── test_attributes_vanilla.py
│   │   │   ├── test.py
│   │   │   ├── test_random.py
│   │   │   ├── test_scene.py
│   │   │   ├── test_stanford40.py
│   │   │   ├── test_vanilla.py
│   │   │   ├── train_attributes.py
│   │   │   └── train.py
│   │   ├── Makefile
│   │   ├── random_data_layer
│   │   │   ├── __init__.py
│   │   │   ├── layer.py
│   │   │   ├── minibatch.py
│   │   │   └── roidb.py
│   │   ├── roi_data_layer
│   │   │   ├── __init__.py
│   │   │   ├── layer.py
│   │   │   ├── minibatch.py
│   │   │   └── roidb.py
│   │   ├── scene_data_layer
│   │   │   ├── __init__.py
│   │   │   ├── layer.py
│   │   │   ├── minibatch.py
│   │   │   └── roidb.py
│   │   ├── setup.py
│   │   └── utils
│   │   ├── bbox.pyx
│   │   ├── blob.py
│   │   ├── __init__.py
│   │   ├── nms.py
│   │   ├── nms.pyx
│   │   └── timer.py
│   ├── LICENSE_FRCNN.txt
│   ├── LICENSE.txt
│   ├── models
│   │   ├── VGG16
│   │   │   ├── solver.prototxt
│   │   │   ├── test.prototxt
│   │   │   └── train.prototxt
│   │   ├── VGG16_attributes
│   │   │   ├── solver.prototxt
│   │   │   ├── test.prototxt
│   │   │   └── train.prototxt
│   │   ├── VGG16_Random
│   │   │   ├── solver.prototxt
│   │   │   ├── test.prototxt
│   │   │   └── train.prototxt
│   │   ├── VGG16_RstarCNN
│   │   │   ├── solver.prototxt
│   │   │   ├── test.prototxt
│   │   │   └── train.prototxt
│   │   ├── VGG16_RstarCNN_attributes
│   │   │   ├── solver.prototxt
│   │   │   ├── test.prototxt
│   │   │   └── train.prototxt
│   │   └── VGG16_Scene
│   │   ├── solver.prototxt
│   │   ├── test.prototxt
│   │   └── train.prototxt
│   ├── README.md
│   └── tools
│   ├── _init_paths.py
│   ├── test_net.py
│   └── train_net.py
└── Weakly-supervised-Pedestrian-Attribute-Localization-Network
├── caffe
│   ├── 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
│   ├── data
│   │   ├── cifar10
│   │   │   └── get_cifar10.sh
│   │   ├── ilsvrc12
│   │   │   └── get_ilsvrc_aux.sh
│   │   └── mnist
│   │   └── get_mnist.sh
│   ├── docker
│   │   ├── Makefile
│   │   ├── README.md
│   │   ├── standalone
│   │   │   ├── cpu
│   │   │   │   └── Dockerfile
│   │   │   └── gpu
│   │   │   └── Dockerfile
│   │   └── templates
│   │   └── Dockerfile.template
│   ├── 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
│   │   │   └── logreg.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-fine-tuning.ipynb
│   │   ├── brewing-logreg.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_train_val.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_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_docker.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
│   │   ├── pascal-multilabel-with-datalayer.ipynb
│   │   ├── pycaffe
│   │   │   ├── caffenet.py
│   │   │   ├── layers
│   │   │   │   ├── pascal_multilabel_datalayers.py
│   │   │   │   └── pyloss.py
│   │   │   ├── linreg.prototxt
│   │   │   └── tools.py
│   │   ├── 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
│   │   ├── 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
│   │   │   ├── crop_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
│   │   │   ├── input_layer.hpp
│   │   │   ├── log_layer.hpp
│   │   │   ├── loss_layer.hpp
│   │   │   ├── lrn_layer.hpp
│   │   │   ├── lstm_layer.hpp
│   │   │   ├── memory_data_layer.hpp
│   │   │   ├── multinomial_logistic_loss_layer.hpp
│   │   │   ├── mvn_layer.hpp
│   │   │   ├── neuron_layer.hpp
│   │   │   ├── parameter_layer.hpp
│   │   │   ├── pooling_layer.hpp
│   │   │   ├── power_layer.hpp
│   │   │   ├── prelu_layer.hpp
│   │   │   ├── python_layer.hpp
│   │   │   ├── recurrent_layer.hpp
│   │   │   ├── reduction_layer.hpp
│   │   │   ├── relu_layer.hpp
│   │   │   ├── reshape_layer.hpp
│   │   │   ├── rnn_layer.hpp
│   │   │   ├── scale_layer.hpp
│   │   │   ├── sigmoid_cross_entropy_loss_layer.hpp
│   │   │   ├── sigmoid_layer.hpp
│   │   │   ├── sigmoid_weighted_cross_entropy_loss_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
│   ├── models
│   │   ├── bvlc_alexnet
│   │   │   ├── deploy.prototxt
│   │   │   ├── readme.md
│   │   │   ├── solver.prototxt
│   │   │   └── train_val.prototxt
│   │   ├── bvlc_googlenet
│   │   │   ├── deploy.prototxt
│   │   │   ├── quick_solver.prototxt
│   │   │   ├── readme.md
│   │   │   ├── solver.prototxt
│   │   │   └── train_val.prototxt
│   │   ├── bvlc_reference_caffenet
│   │   │   ├── deploy.prototxt
│   │   │   ├── readme.md
│   │   │   ├── solver.prototxt
│   │   │   └── train_val.prototxt
│   │   ├── bvlc_reference_rcnn_ilsvrc13
│   │   │   ├── deploy.prototxt
│   │   │   └── readme.md
│   │   └── finetune_flickr_style
│   │   ├── deploy.prototxt
│   │   ├── readme.md
│   │   ├── solver.prototxt
│   │   └── train_val.prototxt
│   ├── python
│   │   ├── caffe
│   │   │   ├── _caffe.cpp
│   │   │   ├── classifier.py
│   │   │   ├── coord_map.py
│   │   │   ├── detector.py
│   │   │   ├── draw.py
│   │   │   ├── imagenet
│   │   │   │   └── ilsvrc_2012_mean.npy
│   │   │   ├── __init__.py
│   │   │   ├── __init__.pyc
│   │   │   ├── io.py
│   │   │   ├── net_spec.py
│   │   │   ├── pycaffe.py
│   │   │   ├── pycaffe.pyc
│   │   │   └── test
│   │   │   ├── test_coord_map.py
│   │   │   ├── 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
│   │   │   ├── build.sh
│   │   │   ├── configure-cmake.sh
│   │   │   ├── configure-make.sh
│   │   │   ├── configure.sh
│   │   │   ├── defaults.sh
│   │   │   ├── install-deps.sh
│   │   │   ├── install-python-deps.sh
│   │   │   ├── setup-venv.sh
│   │   │   └── test.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
│   │   │   │   ├── crop_layer.cpp
│   │   │   │   ├── crop_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
│   │   │   │   ├── input_layer.cpp
│   │   │   │   ├── log_layer.cpp
│   │   │   │   ├── log_layer.cu
│   │   │   │   ├── loss_layer.cpp
│   │   │   │   ├── lrn_layer.cpp
│   │   │   │   ├── lrn_layer.cu
│   │   │   │   ├── lstm_layer.cpp
│   │   │   │   ├── lstm_unit_layer.cpp
│   │   │   │   ├── lstm_unit_layer.cu
│   │   │   │   ├── memory_data_layer.cpp
│   │   │   │   ├── multinomial_logistic_loss_layer.cpp
│   │   │   │   ├── mvn_layer.cpp
│   │   │   │   ├── mvn_layer.cu
│   │   │   │   ├── neuron_layer.cpp
│   │   │   │   ├── parameter_layer.cpp
│   │   │   │   ├── pooling_layer.cpp
│   │   │   │   ├── pooling_layer.cu
│   │   │   │   ├── power_layer.cpp
│   │   │   │   ├── power_layer.cu
│   │   │   │   ├── prelu_layer.cpp
│   │   │   │   ├── prelu_layer.cu
│   │   │   │   ├── recurrent_layer.cpp
│   │   │   │   ├── recurrent_layer.cu
│   │   │   │   ├── reduction_layer.cpp
│   │   │   │   ├── reduction_layer.cu
│   │   │   │   ├── relu_layer.cpp
│   │   │   │   ├── relu_layer.cu
│   │   │   │   ├── reshape_layer.cpp
│   │   │   │   ├── rnn_layer.cpp
│   │   │   │   ├── scale_layer.cpp
│   │   │   │   ├── scale_layer.cu
│   │   │   │   ├── sigmoid_cross_entropy_loss_layer.cpp
│   │   │   │   ├── sigmoid_cross_entropy_loss_layer.cu
│   │   │   │   ├── sigmoid_layer.cpp
│   │   │   │   ├── sigmoid_layer.cu
│   │   │   │   ├── sigmoid_weighted_cross_entropy_loss_layer.cpp
│   │   │   │   ├── sigmoid_weighted_cross_entropy_loss_layer.cu
│   │   │   │   ├── silence_layer.cpp
│   │   │   │   ├── silence_layer.cu
│   │   │   │   ├── slice_layer.cpp
│   │   │   │   ├── slice_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_crop_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_lstm_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_rnn_layer.cpp
│   │   │   │   ├── test_scale_layer.cpp
│   │   │   │   ├── test_sigmoid_cross_entropy_loss_layer.cpp
│   │   │   │   ├── test_slice_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
│   ├── pretrained
│   └── scripts
│   └── fetch_pretrained_vgg_cnn_s_model.sh
├── experiments
│   ├── cfgs
│   │   ├── gmp.yml
│   │   ├── README.md
│   │   └── spp.yml
│   ├── examples
│   │   ├── GOOGLENET
│   │   │   ├── estimate_rap.sh
│   │   │   ├── loc_rap.sh
│   │   │   ├── test_peta.sh
│   │   │   ├── test_rap.sh
│   │   │   ├── train_peta_0.sh
│   │   │   ├── train_peta_1.sh
│   │   │   ├── train_rap_0.sh
│   │   │   ├── train_rap_1.sh
│   │   │   └── train_rap_cpu.sh
│   │   ├── GOOGLENET_SPP
│   │   │   ├── estimate_rap.sh
│   │   │   ├── loc_rap.sh
│   │   │   ├── test_peta.sh
│   │   │   ├── test_rap.sh
│   │   │   ├── train_peta_0.sh
│   │   │   ├── train_peta_1.sh
│   │   │   ├── train_rap_0.sh
│   │   │   ├── train_rap_1.sh
│   │   │   └── train_rap_cpu.sh
│   │   ├── RPN
│   │   │   ├── test_rpn_peta.sh
│   │   │   ├── test_rpn_rap.sh
│   │   │   ├── train_rpn_peta_0.sh
│   │   │   ├── train_rpn_peta_1.sh
│   │   │   ├── train_rpn_rap_0.sh
│   │   │   ├── train_rpn_rap_1.sh
│   │   │   └── train_rpn_rap_cpu.sh
│   │   └── VGG_CNN_S
│   │   ├── test_vgg_s_peta.sh
│   │   ├── test_vgg_s_rap.sh
│   │   ├── train_vgg_s_peta_0.sh
│   │   ├── train_vgg_s_peta_1.sh
│   │   ├── train_vgg_s_rap_0.sh
│   │   ├── train_vgg_s_rap_1.sh
│   │   └── train_vgg_s_rap_cpu.sh
│   ├── logs
│   │   ├── README.md
│   │   └── wna_net_VGG_S_MLL_RAP_--set_TRAIN.BATCH_SIZE_32.txt.2018-05-02_15-21-55
│   ├── README.md
│   └── scripts
│   └── wpal_net.sh
├── __init__.py
├── lib
│   ├── data_layer
│   │   ├── __init__.py
│   │   ├── layer.py
│   │   └── minibatch.py
│   ├── __init__.py
│   ├── utils
│   │   ├── blob.py
│   │   ├── evaluate.py
│   │   ├── _init_path.py
│   │   ├── __init__.py
│   │   ├── kmeans.py
│   │   ├── peta_db.py
│   │   ├── rap_db.py
│   │   └── timer.py
│   └── wpal_net
│   ├── config.py
│   ├── estimate.py
│   ├── __init__.py
│   ├── loc.py
│   ├── recog.py
│   ├── test.py
│   └── train.py
├── LICENSE
├── models
│   ├── GOOGLENET_PETA
│   │   ├── solver.prototxt
│   │   ├── test_net.prototxt
│   │   └── train_net.prototxt
│   ├── GOOGLENET_RAP
│   │   ├── solver.prototxt
│   │   ├── test_net.prototxt
│   │   └── train_net.prototxt
│   ├── GOOGLENET_SPP_PETA
│   │   ├── solver.prototxt
│   │   ├── test_net.prototxt
│   │   └── train_net.prototxt
│   ├── GOOGLENET_SPP_RAP
│   │   ├── solver.prototxt
│   │   ├── test_net.prototxt
│   │   └── train_net.prototxt
│   ├── VGG_S_MLL_PETA
│   │   ├── solver.prototxt
│   │   ├── test_net.prototxt
│   │   └── train_net.prototxt
│   └── VGG_S_MLL_RAP
│   ├── solver.prototxt
│   ├── test_net.prototxt
│   └── train_net.prototxt
├── output
│   └── acc.txt
├── README.md
└── tools
├── estimate_param.py
├── evaluate.py
├── _init_path.py
├── _init_path.pyc
├── __init__.py
├── loc.py
├── test_net.py
└── train_net.py

261 directories, 2015 files

标签:

实例下载地址

行人属性识别算法合集.rar

不能下载?内容有错? 点击这里报错 + 投诉 + 提问

好例子网口号:伸出你的我的手 — 分享

网友评论

发表评论

(您的评论需要经过审核才能显示)

查看所有0条评论>>

小贴士

感谢您为本站写下的评论,您的评论对其它用户来说具有重要的参考价值,所以请认真填写。

  • 类似“顶”、“沙发”之类没有营养的文字,对勤劳贡献的楼主来说是令人沮丧的反馈信息。
  • 相信您也不想看到一排文字/表情墙,所以请不要反馈意义不大的重复字符,也请尽量不要纯表情的回复。
  • 提问之前请再仔细看一遍楼主的说明,或许是您遗漏了。
  • 请勿到处挖坑绊人、招贴广告。既占空间让人厌烦,又没人会搭理,于人于己都无利。

关于好例子网

本站旨在为广大IT学习爱好者提供一个非营利性互相学习交流分享平台。本站所有资源都可以被免费获取学习研究。本站资源来自网友分享,对搜索内容的合法性不具有预见性、识别性、控制性,仅供学习研究,请务必在下载后24小时内给予删除,不得用于其他任何用途,否则后果自负。基于互联网的特殊性,平台无法对用户传输的作品、信息、内容的权属或合法性、安全性、合规性、真实性、科学性、完整权、有效性等进行实质审查;无论平台是否已进行审查,用户均应自行承担因其传输的作品、信息、内容而可能或已经产生的侵权或权属纠纷等法律责任。本站所有资源不代表本站的观点或立场,基于网友分享,根据中国法律《信息网络传播权保护条例》第二十二与二十三条之规定,若资源存在侵权或相关问题请联系本站客服人员,点此联系我们。关于更多版权及免责申明参见 版权及免责申明

;
报警