ubuntuの下でroot権限がなくてanaconda 2でソースコードからcaffe 2ピット日記をコンパイルしてインストールします!


ターゲット検出を行う学生はフェイスブックがすでに多くの先進的なターゲット検出アルゴリズムを統合したライブラリをオープンソースしていることを知っていると信じていますが、公式サイトのチュートリアルは主にubuntuシステムpythonを採用してcaffe 2をコンパイルインストールすることに対して、深い学習サーバーを採用してsudo権限がないため、私は1日半かけてGPU版のcaffe 2をインストールして、最も多い間違いはprotobuffの間違いです!!難しいですが、多くのテストをしてやっと分かりました.次は簡単なまとめをして、後の初心者を助けたいと思っています.Anacondaの下のCaffe 2をコンパイルするとよく現れるprotobuffの間違いは以下の通りです.
../lib/libcaffe2.so: undefined reference to `google::protobuf::internal::OnShutdownDestroyString(std::string const*)'
../lib/libcaffe2.so: undefined reference to `google::protobuf::internal::WireFormatLite::WriteBytesMaybeAliased(int, std::string const&, google::protobuf::io::CodedOutputStream*)'
../lib/libcaffe2.so: undefined reference to `google::protobuf::Message::ShortDebugString() const'
../lib/libcaffe2.so: undefined reference to `google::protobuf::internal::WireFormatLite::WriteString(int, std::string const&, google::protobuf::io::CodedOutputStream*)'
../lib/libcaffe2.so: undefined reference to `google::protobuf::internal::ParseNamedEnum(google::protobuf::EnumDescriptor const*, std::string const&, int*)'
../lib/libcaffe2.so: undefined reference to `google::protobuf::internal::WireFormatLite::ReadBytes(google::protobuf::io::CodedInputStream*, std::string*)'
../lib/libcaffe2.so: undefined reference to `google::protobuf::Message::InitializationErrorString() const'
collect2: error: ld returned 1 exit status
make[2]: *** [bin/blob_test] Error 1
make[1]: *** [caffe2/CMakeFiles/blob_test.dir/all] Error 2
Linking CXX shared module python/caffe2_pybind11_state.so
[ 92%] Built target caffe2_pybind11_state
make: *** [all] Error 2

以下、私が探したインストール方法です(参考まで!)
Anaconda 2+カスタムpython 2.7の仮想環境:py 27+Caffe 2 GPU版
GPUのcuda構成はこのチュートリアルの範囲内ではありません!ご自分で設定してください
ancondaをユーザーのhomeパスにダウンロードすると紹介しません.私の/home/slb/anaconda 2を例に紹介します:1.ancondaのbinパスが一般ユーザーにあることを確認します.bashrcでは、次のようになります.
export PATH="/home/slb/anaconda2/bin:$PATH"

パスには、システムのProtobufとconda環境のProtobufが競合しないように、次のパスを追加しないでください.
#export PYTHONPATH=/usr/local:$PYTHONPATH
#export LD_LIBRARY_PATH=/usr/local/lib:$LD_LIBRARY_PATH

2.py 27という名前のconda仮想環境を作成し、Tensorflowと旧版Caffeとの干渉を回避するには、次のようにします.
conda create -n py27 python=2.7

py 27-caffe 2という名前を自分でつけることもできます.
3.管理者に次のコマンドを実行させます(注、このステップは必須ではないようです)
# for Ubuntu 14.04
sudo apt-get install -y --no-install-recommends libgflags2
# for Ubuntu 16.04
sudo apt-get install -y --no-install-recommends libgflags-dev
sudo apt-get install -y --no-install-recommends \
      libgoogle-glog-dev \
      libgtest-dev \
      libiomp-dev \
      libleveldb-dev \
      liblmdb-dev \
      libopencv-dev \
      libopenmpi-dev \
      libsnappy-dev \
      libprotobuf-dev \
      openmpi-bin \
      openmpi-doc \
      protobuf-compiler \
      python-dev \
      python-pip     

3.caffe 2をCaffe 2_にインストールROOT、例えば私のCaffe 2が/home/slb/software/ディレクトリにインストールされている場合、具体的な手順は:
cd /home/slb/softwares/
git clone --recursive https://github.com/caffe2/caffe2.git && cd caffe2

py 27のpython環境をアクティブにし、caffe 2のコンパイルを行い、仮想環境のライブラリにインストールするsource activate py 27インストール依存性:
conda install -y \
    future \
    gflags \
    glog \
    lmdb \
    mkl \
    mkl-include \
    numpy \
    opencv \
    protobuf \
    snappy \
    six

次のコマンドをもう一度実行します.
conda install -y --channel https://conda.anaconda.org/conda-forge  gflags glog  numpy protobuf(     ,   protobuf   ! conda                     !!     conda install

特にコンパイル時にはcondaがインストールしたopencvとprotobuffで入手可能なprotobufを表示します.
protoc --version

libprotoc 3.5.1として表示する、usr/local/ではない.下のlibprotocは、仮想環境ではシステムパスの下のprotobufではないことを示していますが、干渉があっても怖くありません.次の手順を見てください.
cdからCaffe 2ディレクトリ:
mkdir build && cd build

次にcmakeを上の階層ディレクトリの下に移動します.すなわち、次の「試行1」に従って操作します(試行2操作でインストールに失敗します).
試行1:テストに成功!注意:正常にインストールされるとpythonのsite-packagesディレクトリの下にcaffe 2とcaffeフォルダがあるはずです.cmake命令は次のとおりです.
~/softwares/caffe2/build$ cmake .. -DCMAKE_PREFIX_PATH=$HOME/anaconda2/envs/py27  -DCMAKE_INSTALL_PREFIX=$HOME/anaconda2/envs/py27
 :   py27   ,           ,       !


次のようになります.
-DCMAKE_PREFIX_PATH=$HOME/anaconda2/envs/py27                    
-DCMAKE_INSTALL_PREFIX=$HOME/anaconda2/envs/py27     caffe2          python     

cmake出力情報:
-- GCC 4.8.4: Adding gcc and gcc_s libs to link line
-- Include NCCL operators
-- Including image processing operators
-- Excluding video processing operators due to no opencv
-- Excluding mkl operators as we are not using mkl
-- Include Observer library
-- Automatically generating missing __init__.py files.
-- 
-- ******** Summary ********
-- General:
--   CMake version         : 2.8.12.2
--   CMake command         : /usr/bin/cmake
--   Git version           : v0.8.1-1061-g5d7ef79
--   System                : Linux
--   C++ compiler          : /usr/bin/c++
--   C++ compiler version  : 4.8.4
--   Protobuf compiler     : /home/slb/anaconda2/envs/py27/bin/protoc
--   Protobuf include path : /home/slb/anaconda2/envs/py27/include
--   Protobuf libraries    : optimized;/home/slb/anaconda2/envs/py27/lib/libprotobuf.so;debug;/home/slb/anaconda2/envs/py27/lib/libprotobuf.so;-lpthread
--   CXX flags             :  -Wno-deprecated -std=c++11 -O2 -fPIC -Wno-narrowing -Wno-invalid-partial-specialization
--   Build type            : Release
--   Compile definitions   : 
-- 
--   BUILD_BINARY          : ON
--   BUILD_DOCS            : OFF
--   BUILD_PYTHON          : ON
--     Python version      : 2.7.11
--     Python library      : /home/slb/anaconda2/envs/py27/lib/libpython2.7.so
--   BUILD_SHARED_LIBS     : ON
--   BUILD_TEST            : ON
--   USE_ATEN              : OFF
--   USE_ASAN              : OFF
--   USE_CUDA              : ON
--     CUDA version        : 8.0
--     CuDNN version       : 6.0.21
--     CUDA root directory : /usr/local/cuda
--     CUDA library        : /usr/lib/x86_64-linux-gnu/libcuda.so
--     CUDA NVRTC library  : /usr/local/cuda/lib64/libnvrtc.so
--     CUDA runtime library: /usr/local/cuda/lib64/libcudart.so
--     CUDA include path   : /usr/local/cuda/include
--     NVCC executable     : /usr/local/cuda/bin/nvcc
--     CUDA host compiler  : /usr/bin/cc
--   USE_EIGEN_FOR_BLAS    : 1
--   USE_FFMPEG            : OFF
--   USE_GFLAGS            : ON
--   USE_GLOG              : ON
--   USE_GLOO              : ON
--   USE_LEVELDB           : ON
--     LevelDB version     : 1.15
--     Snappy version      : ..
--   USE_LITE_PROTO        : OFF
--   USE_LMDB              : ON
--     LMDB version        : 0.9.21
--   USE_METAL             : OFF
--   USE_MKL               : 
--   USE_MOBILE_OPENGL     : OFF
--   USE_MPI               : ON
--   USE_NCCL              : ON
--   USE_NERVANA_GPU       : OFF
--   USE_NNPACK            : ON
--   USE_OBSERVERS         : ON
--   USE_OPENCV            : ON
--     OpenCV version      : 3.3.0
--   USE_OPENMP            : OFF
--   USE_PROF              : OFF
--   USE_REDIS             : OFF
--   USE_ROCKSDB           : OFF
--   USE_THREADS           : ON
--   USE_ZMQ               : OFF

2: !!, python , :cmake :BUILD_PYTHON : OFF, CMAKE python ,

cmake .. -DCMAKE_PREFIX_PATH=$HOME/anaconda2/envs/py27  -DCMAKE_INSTALL_PREFIX=$HOME/anaconda2/envs/py27 -DPYTHON_LIBRARY=$(python2 -c "from distutils import sysconfig; print(sysconfig.get_python_lib())") -DPYTHON_INCLUDE_DIR=$(python2 -c "from distutils import sysconfig; print(sysconfig.get_python_inc())")

-DCMAKE_PREFIX_PATH=$HOME/anaconda2/envs/py27                    
-DCMAKE_INSTALL_PREFIX=$HOME/anaconda2/envs/py27     caffe2          python     
-DPYTHON_LIBRARY=$(python2 -c "from distutils import sysconfig; print(sysconfig.get_python_lib())") -DPYTHON_INCLUDE_DIR=$(python2 -c "from distutils import sysconfig; print(sysconfig.get_python_inc())")                python     libprotoc(      libprotoc    , 2.5        python  protoc ,          )

cmake :

-- GCC 4.8.4: Adding gcc and gcc_s libs to link line
-- Include NCCL operators
-- Including image processing operators
-- Excluding video processing operators due to no opencv
-- Excluding mkl operators as we are not using mkl
-- Include Observer library
-- 
-- ******** Summary ********
-- General:
--   CMake version         : 2.8.12.2
--   CMake command         : /usr/bin/cmake
--   Git version           : v0.8.1-1061-g5d7ef79
--   System                : Linux
--   C++ compiler          : /usr/bin/c++
--   C++ compiler version  : 4.8.4
--   Protobuf compiler     : /home/slb/anaconda2/envs/caffe2-py27/bin/protoc
--   Protobuf include path : /home/slb/anaconda2/envs/caffe2-py27/include
--   Protobuf libraries    : optimized;/home/slb/anaconda2/envs/caffe2-py27/lib/libprotobuf.so;debug;/home/slb/anaconda2/envs/caffe2-py27/lib/libprotobuf.so;-lpthread
--   CXX flags             :  -Wno-deprecated -std=c++11 -O2 -fPIC -Wno-narrowing -Wno-invalid-partial-specialization
--   Build type            : Release
--   Compile definitions   : 
-- 
--   BUILD_BINARY          : ON
--   BUILD_DOCS            : OFF
--   BUILD_PYTHON          : OFF
--   BUILD_SHARED_LIBS     : ON
--   BUILD_TEST            : ON
--   USE_ATEN              : OFF
--   USE_ASAN              : OFF
--   USE_CUDA              : ON
--     CUDA version        : 8.0
--     CuDNN version       : 6.0.21
--     CUDA root directory : /usr/local/cuda
--     CUDA library        : /usr/lib/x86_64-linux-gnu/libcuda.so
--     CUDA NVRTC library  : /usr/local/cuda/lib64/libnvrtc.so
--     CUDA runtime library: /usr/local/cuda/lib64/libcudart.so
--     CUDA include path   : /usr/local/cuda/include
--     NVCC executable     : /usr/local/cuda/bin/nvcc
--     CUDA host compiler  : /usr/bin/cc
--   USE_EIGEN_FOR_BLAS    : 1
--   USE_FFMPEG            : OFF
--   USE_GFLAGS            : ON
--   USE_GLOG              : ON
--   USE_GLOO              : ON
--   USE_LEVELDB           : ON
--     LevelDB version     : 1.15
--     Snappy version      : ..
--   USE_LITE_PROTO        : OFF
--   USE_LMDB              : ON
--     LMDB version        : 0.9.21
--   USE_METAL             : OFF
--   USE_MKL               : 
--   USE_MOBILE_OPENGL     : OFF
--   USE_MPI               : ON
--   USE_NCCL              : ON
--   USE_NERVANA_GPU       : OFF
--   USE_NNPACK            : ON
--   USE_OBSERVERS         : ON
--   USE_OPENCV            : ON
--     OpenCV version      : 2.4.13.4
--   USE_OPENMP            : OFF
--   USE_PROF              : OFF
--   USE_REDIS             : OFF
--   USE_ROCKSDB           : OFF
--   USE_THREADS           : ON
--   USE_ZMQ               : OFF
-- Configuring done
-- Generating done
-- Build files have been written to: /home/slb/softwares/caffe2/build

make install 

python , , :

-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/mobile/contrib/ios/mpscnn/mpscnn_context.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/mobile/contrib/ios/mpscnn/mpscnn.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/mobile/contrib/ios/ios_caffe_defines.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/mobile/contrib/libvulkan-stub
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/mobile/contrib/libvulkan-stub/include
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/mobile/contrib/libvulkan-stub/include/libvulkan-stub.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/mobile/contrib/libvulkan-stub/include/vulkan
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/mobile/contrib/libvulkan-stub/include/vulkan/vk_platform.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/mobile/contrib/libvulkan-stub/include/vulkan/vulkan.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/mobile/contrib/libvulkan-stub/src
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/mobile/contrib/snpe
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/mobile/contrib/snpe/snpe_ffi.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/sgd
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/sgd/adam_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/sgd/adagrad_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/sgd/rmsprop_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/sgd/ftrl_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/sgd/iter_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/sgd/learning_rate_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/sgd/fp32_momentum_sgd_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/sgd/fp16_momentum_sgd_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/sgd/learning_rate_functors.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/sgd/yellowfin_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/sgd/momentum_sgd_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/transforms
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/transforms/pattern_net_transform.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/transforms/common_subexpression_elimination.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/transforms/single_op_transform.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/transforms/conv_to_nnpack_transform.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/cuda_rtc
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/cuda_rtc/common_rtc.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/contrib
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/contrib/shm_mutex
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/contrib/shm_mutex/shm_mutex.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/contrib/aten
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/contrib/aten/docs
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/contrib/aten/aten_op_template.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/contrib/warpctc
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/contrib/warpctc/ctc_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/contrib/prof
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/contrib/prof/htrace_conf.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/contrib/prof/prof_dag_stats_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/contrib/prof/prof_dag_net.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/contrib/script
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/contrib/script/error_report.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/contrib/script/tree_views.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/contrib/script/compiler.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/contrib/script/examples
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/contrib/script/tree.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/contrib/script/lexer.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/contrib/script/parser.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/contrib/docker-ubuntu-14.04
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/contrib/torch
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/contrib/torch/torch_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/contrib/tensorboard
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/contrib/nccl
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/contrib/nccl/cuda_nccl_gpu.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/contrib/nervana
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/contrib/nervana/nervana_c_api.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/contrib/nervana/nervana.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/contrib/nnpack
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/contrib/gloo
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/contrib/gloo/common.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/contrib/gloo/allgather_ops.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/contrib/gloo/allreduce_ops.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/contrib/gloo/common_world_ops.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/contrib/gloo/store_handler.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/contrib/gloo/context.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/contrib/gloo/barrier_ops.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/contrib/gloo/broadcast_ops.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/python
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/python/mkl
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/python/operator_test
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/python/rnn
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/python/layers
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/python/examples
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/python/docs
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/python/helpers
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/python/modeling
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/python/pybind_state_dlpack.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/python/pybind_state.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/python/test
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/python/predictor
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/python/models
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/python/models/seq2seq
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/python/tutorials
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/python/tutorials/images
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/python/tutorials/experimental
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/python/tutorials/py_gen
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/python/mint
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/python/mint/templates
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/python/mint/static
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/python/mint/static/css
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/python/dlpack.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/fused_rowwise_8bit_conversion_ops.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/softmax_shared.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/recurrent_network_blob_fetcher_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/cross_entropy_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/slice_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/reshape_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/reducer_functors.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/expand_squeeze_dims_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/elementwise_logical_ops.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/roi_align_gradient_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/order_switch_ops.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/zero_gradient_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/flexible_top_k.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/prepend_dim_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/string_ops.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/boolean_unmask_ops.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/conv_transpose_op_mobile.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/lengths_reducer_rowwise_8bit_ops.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/loss_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/normalize_l1_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/conv_transpose_unpool_op_base.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/sparse_normalize_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/create_scope_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/rmac_regions_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/conv_op_cache_cudnn.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/concat_split_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/pad_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/batch_sparse_to_dense_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/quant_decode_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/percentile_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/square_root_divide_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/map_ops.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/local_response_normalization_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/remove_data_blocks_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/conditional_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/gru_unit_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/box_with_nms_limit_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/partition_ops.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/locally_connected_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/sequence_ops.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/ngram_ops.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/operator_fallback_gpu.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/prefetch_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/text_file_reader_utils.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/reduction_front_back_ops.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/apmeter_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/math_ops.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/generate_proposals_op_util_boxes.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/top_k.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/conv_op_shared.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/dropout_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/lstm_unit_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/half_float_ops.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/utility_ops.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/accuracy_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/instance_norm_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/locally_connected_op_impl.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/one_hot_ops.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/key_split_ops.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/reverse_packed_segs_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/bbox_transform_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/max_pool_with_index.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/negate_gradient_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/elementwise_op_test.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/conv_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/flatten_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/piecewise_linear_transform_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/sparse_to_dense_mask_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/generate_proposals_op_util_nms.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/conv_pool_op_base.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/pack_segments.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/stop_gradient.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/roi_pool_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/spatial_softmax_with_loss_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/gather_ranges_to_dense_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/prelu_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/swish_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/pack_rnn_sequence_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/given_tensor_fill_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/relu_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/mod_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/filler_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/weighted_sample_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/assert_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/spatial_batch_norm_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/conv_transpose_op_impl.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/summarize_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/distance_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/elementwise_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/recurrent_network_executor.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/deform_conv_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/rowmul_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/find_duplicate_elements_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/elu_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/normalize_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/margin_ranking_criterion_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/conv_op_impl.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/do_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/channel_stats_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/accumulate_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/segment_reduction_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/tile_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/recurrent_network_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/counter_ops.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/lengths_top_k_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/scale_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/batch_matmul_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/recurrent_op_cudnn.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/listwise_l2r_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/layer_norm_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/leaky_relu_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/multi_class_accuracy_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/find_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/tt_linear_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/while_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/dataset_ops.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/h_softmax_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/clip_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/recurrent_network_executor_gpu.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/cast_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/sinusoid_position_encoding_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/conv_transpose_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/recurrent_network_executor_incl.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/resize_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/lengths_reducer_ops.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/logit_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/lpnorm_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/shape_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/onnx_while_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/load_save_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/deform_conv_op_impl.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/replace_nan_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/space_batch_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/if_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/transpose_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/matmul_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/roi_align_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/boolean_mask_ops.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/channel_backprop_stats_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/softmax_with_loss_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/selu_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/batch_box_cox_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/pool_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/feed_blob_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/lengths_tile_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/channel_shuffle_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/lengths_reducer_fused_8bit_rowwise_ops.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/im2col_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/minmax_ops.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/softplus_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/perplexity_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/reduction_ops.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/generate_proposals_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/merge_id_lists_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/elementwise_linear_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/softmax_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/no_default_engine_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/tensor_protos_db_input.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/cosine_embedding_criterion_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/conv_transpose_op_mobile_impl.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/batch_gather_ops.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/fully_connected_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/sparse_to_dense_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/free_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/index_hash_ops.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/rank_loss_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/operators/glu_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/experiments
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/experiments/python
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/experiments/operators
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/experiments/operators/fully_connected_op_sparse.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/experiments/operators/sparse_matrix_reshape_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/experiments/operators/tt_pad_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/experiments/operators/sparse_funhash_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/experiments/operators/funhash_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/experiments/operators/fully_connected_op_decomposition.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/experiments/operators/fully_connected_op_prune.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/experiments/operators/tt_contraction_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/distributed
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/distributed/file_store_handler_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/distributed/redis_store_handler_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/distributed/redis_store_handler.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/distributed/store_handler.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/distributed/file_store_handler.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/distributed/store_ops.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/test
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/test/assets
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/observers
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/observers/time_observer.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/observers/operator_attaching_net_observer.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/observers/runcnt_observer.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/proto
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/db
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/db/create_db_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/binaries
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/share
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/share/contrib
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/share/contrib/zstd
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/share/contrib/zstd/quant_decomp_zstd_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/share/contrib/observers
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/share/contrib/observers/net_observer_reporter_print.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/share/contrib/observers/perf_observer.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/share/contrib/observers/observer_config.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/share/contrib/observers/net_observer_reporter.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/share/contrib/binaries
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/share/contrib/binaries/caffe2_benchmark
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/share/contrib/nnpack
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/video
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/video/video_io.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/video/optical_flow.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/video/video_input_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/video/video_decoder.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/image
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/image/image_input_op.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/image/transform_gpu.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/utils
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/utils/mixed_utils.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/utils/conversions.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/utils/zmq_helper.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/utils/math.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/utils/cpu_neon.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/utils/murmur_hash3.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/utils/smart_tensor_printer.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/utils/threadpool
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/utils/threadpool/ThreadPool.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/utils/threadpool/pthreadpool_impl.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/utils/threadpool/WorkersPool.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/utils/threadpool/ThreadPoolCommon.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/utils/threadpool/pthreadpool.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/utils/thread_pool.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/utils/simple_queue.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/utils/signal_handler.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/utils/cblas.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/utils/string_utils.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/utils/cpuid.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/utils/proto_utils.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/utils/eigen_utils.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/utils/cast.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/utils/fixed_divisor.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/utils/math-detail.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/perfkernels
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/perfkernels/common.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/perfkernels/typed_axpy.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/perfkernels/cvtsh_ss_bugfix.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/perfkernels/embedding_lookup.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/perfkernels/fused_8bit_rowwise_embedding_lookup.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/core/macros.h
-- Installing: /home/slb/anaconda2/envs/py27/lib/libcaffe2.so
-- Removed runtime path from "/home/slb/anaconda2/envs/py27/lib/libcaffe2.so"
-- Installing: /home/slb/anaconda2/envs/py27/lib/libcaffe2_gpu.so
-- Removed runtime path from "/home/slb/anaconda2/envs/py27/lib/libcaffe2_gpu.so"
-- Installing: /home/slb/anaconda2/envs/py27/test/init_test
-- Removed runtime path from "/home/slb/anaconda2/envs/py27/test/init_test"
-- Installing: /home/slb/anaconda2/envs/py27/test/transform_test
-- Removed runtime path from "/home/slb/anaconda2/envs/py27/test/transform_test"
-- Installing: /home/slb/anaconda2/envs/py27/test/blob_test
-- Removed runtime path from "/home/slb/anaconda2/envs/py27/test/blob_test"
-- Installing: /home/slb/anaconda2/envs/py27/test/timer_test
-- Removed runtime path from "/home/slb/anaconda2/envs/py27/test/timer_test"
-- Installing: /home/slb/anaconda2/envs/py27/test/graph_test
-- Removed runtime path from "/home/slb/anaconda2/envs/py27/test/graph_test"
-- Installing: /home/slb/anaconda2/envs/py27/test/registry_test
-- Removed runtime path from "/home/slb/anaconda2/envs/py27/test/registry_test"
-- Installing: /home/slb/anaconda2/envs/py27/test/stats_test
-- Removed runtime path from "/home/slb/anaconda2/envs/py27/test/stats_test"
-- Installing: /home/slb/anaconda2/envs/py27/test/net_test
-- Removed runtime path from "/home/slb/anaconda2/envs/py27/test/net_test"
-- Installing: /home/slb/anaconda2/envs/py27/test/logging_test
-- Removed runtime path from "/home/slb/anaconda2/envs/py27/test/logging_test"
-- Installing: /home/slb/anaconda2/envs/py27/test/operator_test
-- Removed runtime path from "/home/slb/anaconda2/envs/py27/test/operator_test"
-- Installing: /home/slb/anaconda2/envs/py27/test/operator_schema_test
-- Removed runtime path from "/home/slb/anaconda2/envs/py27/test/operator_schema_test"
-- Installing: /home/slb/anaconda2/envs/py27/test/workspace_test
-- Removed runtime path from "/home/slb/anaconda2/envs/py27/test/workspace_test"
-- Installing: /home/slb/anaconda2/envs/py27/test/module_test
-- Removed runtime path from "/home/slb/anaconda2/envs/py27/test/module_test"
-- Installing: /home/slb/anaconda2/envs/py27/test/context_test
-- Removed runtime path from "/home/slb/anaconda2/envs/py27/test/context_test"
-- Installing: /home/slb/anaconda2/envs/py27/test/event_test
-- Removed runtime path from "/home/slb/anaconda2/envs/py27/test/event_test"
-- Installing: /home/slb/anaconda2/envs/py27/test/common_test
-- Removed runtime path from "/home/slb/anaconda2/envs/py27/test/common_test"
-- Installing: /home/slb/anaconda2/envs/py27/test/parallel_net_test
-- Removed runtime path from "/home/slb/anaconda2/envs/py27/test/parallel_net_test"
-- Installing: /home/slb/anaconda2/envs/py27/test/predictor_test
-- Removed runtime path from "/home/slb/anaconda2/envs/py27/test/predictor_test"
-- Installing: /home/slb/anaconda2/envs/py27/test/typeid_test
-- Removed runtime path from "/home/slb/anaconda2/envs/py27/test/typeid_test"
-- Installing: /home/slb/anaconda2/envs/py27/test/observer_test
-- Removed runtime path from "/home/slb/anaconda2/envs/py27/test/observer_test"
-- Installing: /home/slb/anaconda2/envs/py27/test/mpi_test
-- Removed runtime path from "/home/slb/anaconda2/envs/py27/test/mpi_test"
-- Installing: /home/slb/anaconda2/envs/py27/test/time_observer_test
-- Removed runtime path from "/home/slb/anaconda2/envs/py27/test/time_observer_test"
-- Installing: /home/slb/anaconda2/envs/py27/test/text_file_reader_utils_test
-- Removed runtime path from "/home/slb/anaconda2/envs/py27/test/text_file_reader_utils_test"
-- Installing: /home/slb/anaconda2/envs/py27/test/generate_proposals_op_test
-- Removed runtime path from "/home/slb/anaconda2/envs/py27/test/generate_proposals_op_test"
-- Installing: /home/slb/anaconda2/envs/py27/test/boolean_unmask_ops_test
-- Removed runtime path from "/home/slb/anaconda2/envs/py27/test/boolean_unmask_ops_test"
-- Installing: /home/slb/anaconda2/envs/py27/test/batch_matmul_op_test
-- Removed runtime path from "/home/slb/anaconda2/envs/py27/test/batch_matmul_op_test"
-- Installing: /home/slb/anaconda2/envs/py27/test/generate_proposals_op_util_boxes_test
-- Removed runtime path from "/home/slb/anaconda2/envs/py27/test/generate_proposals_op_util_boxes_test"
-- Installing: /home/slb/anaconda2/envs/py27/test/utility_ops_test
-- Removed runtime path from "/home/slb/anaconda2/envs/py27/test/utility_ops_test"
-- Installing: /home/slb/anaconda2/envs/py27/test/string_ops_test
-- Removed runtime path from "/home/slb/anaconda2/envs/py27/test/string_ops_test"
-- Installing: /home/slb/anaconda2/envs/py27/test/elementwise_op_test
-- Removed runtime path from "/home/slb/anaconda2/envs/py27/test/elementwise_op_test"
-- Installing: /home/slb/anaconda2/envs/py27/test/conv_transpose_op_mobile_test
-- Removed runtime path from "/home/slb/anaconda2/envs/py27/test/conv_transpose_op_mobile_test"
-- Installing: /home/slb/anaconda2/envs/py27/test/generate_proposals_op_util_nms_test
-- Removed runtime path from "/home/slb/anaconda2/envs/py27/test/generate_proposals_op_util_nms_test"
-- Installing: /home/slb/anaconda2/envs/py27/test/conv_op_test
-- Removed runtime path from "/home/slb/anaconda2/envs/py27/test/conv_op_test"
-- Installing: /home/slb/anaconda2/envs/py27/test/pattern_net_transform_test
-- Removed runtime path from "/home/slb/anaconda2/envs/py27/test/pattern_net_transform_test"
-- Installing: /home/slb/anaconda2/envs/py27/test/common_subexpression_elimination_test
-- Removed runtime path from "/home/slb/anaconda2/envs/py27/test/common_subexpression_elimination_test"
-- Installing: /home/slb/anaconda2/envs/py27/test/conv_to_nnpack_transform_test
-- Removed runtime path from "/home/slb/anaconda2/envs/py27/test/conv_to_nnpack_transform_test"
-- Installing: /home/slb/anaconda2/envs/py27/test/fixed_divisor_test
-- Removed runtime path from "/home/slb/anaconda2/envs/py27/test/fixed_divisor_test"
-- Installing: /home/slb/anaconda2/envs/py27/test/smart_tensor_printer_test
-- Removed runtime path from "/home/slb/anaconda2/envs/py27/test/smart_tensor_printer_test"
-- Installing: /home/slb/anaconda2/envs/py27/test/math_test
-- Removed runtime path from "/home/slb/anaconda2/envs/py27/test/math_test"
-- Installing: /home/slb/anaconda2/envs/py27/test/cpuid_test
-- Removed runtime path from "/home/slb/anaconda2/envs/py27/test/cpuid_test"
-- Installing: /home/slb/anaconda2/envs/py27/test/proto_utils_test
-- Removed runtime path from "/home/slb/anaconda2/envs/py27/test/proto_utils_test"
-- Installing: /home/slb/anaconda2/envs/py27/test/fatal_signal_asan_no_sig_test
-- Removed runtime path from "/home/slb/anaconda2/envs/py27/test/fatal_signal_asan_no_sig_test"
-- Installing: /home/slb/anaconda2/envs/py27/test/simple_queue_test
-- Removed runtime path from "/home/slb/anaconda2/envs/py27/test/simple_queue_test"
-- Installing: /home/slb/anaconda2/envs/py27/test/context_gpu_test
-- Removed runtime path from "/home/slb/anaconda2/envs/py27/test/context_gpu_test"
-- Installing: /home/slb/anaconda2/envs/py27/test/operator_gpu_test
-- Removed runtime path from "/home/slb/anaconda2/envs/py27/test/operator_gpu_test"
-- Installing: /home/slb/anaconda2/envs/py27/test/net_gpu_test
-- Removed runtime path from "/home/slb/anaconda2/envs/py27/test/net_gpu_test"
-- Installing: /home/slb/anaconda2/envs/py27/test/event_gpu_test
-- Removed runtime path from "/home/slb/anaconda2/envs/py27/test/event_gpu_test"
-- Installing: /home/slb/anaconda2/envs/py27/test/blob_gpu_test
-- Removed runtime path from "/home/slb/anaconda2/envs/py27/test/blob_gpu_test"
-- Installing: /home/slb/anaconda2/envs/py27/test/mpi_gpu_test
-- Removed runtime path from "/home/slb/anaconda2/envs/py27/test/mpi_gpu_test"
-- Installing: /home/slb/anaconda2/envs/py27/test/conv_op_cache_cudnn_test
-- Removed runtime path from "/home/slb/anaconda2/envs/py27/test/conv_op_cache_cudnn_test"
-- Installing: /home/slb/anaconda2/envs/py27/test/batch_matmul_op_gpu_test
-- Removed runtime path from "/home/slb/anaconda2/envs/py27/test/batch_matmul_op_gpu_test"
-- Installing: /home/slb/anaconda2/envs/py27/test/reshape_op_gpu_test
-- Removed runtime path from "/home/slb/anaconda2/envs/py27/test/reshape_op_gpu_test"
-- Installing: /home/slb/anaconda2/envs/py27/test/elementwise_op_gpu_test
-- Removed runtime path from "/home/slb/anaconda2/envs/py27/test/elementwise_op_gpu_test"
-- Installing: /home/slb/anaconda2/envs/py27/test/operator_fallback_gpu_test
-- Removed runtime path from "/home/slb/anaconda2/envs/py27/test/operator_fallback_gpu_test"
-- Installing: /home/slb/anaconda2/envs/py27/test/roi_align_op_gpu_test
-- Removed runtime path from "/home/slb/anaconda2/envs/py27/test/roi_align_op_gpu_test"
-- Installing: /home/slb/anaconda2/envs/py27/test/utility_ops_gpu_test
-- Removed runtime path from "/home/slb/anaconda2/envs/py27/test/utility_ops_gpu_test"
-- Installing: /home/slb/anaconda2/envs/py27/test/math_gpu_test
-- Removed runtime path from "/home/slb/anaconda2/envs/py27/test/math_gpu_test"
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/proto/predictor_consts.pb.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/proto/caffe2.pb.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/proto/hsm.pb.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/proto/metanet.pb.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/proto/caffe2_legacy.pb.h
-- Installing: /home/slb/anaconda2/envs/py27/include/caffe2/proto/prof_dag.pb.h
-- Installing: /home/slb/anaconda2/envs/py27/bin/convert_caffe_image_db
-- Removed runtime path from "/home/slb/anaconda2/envs/py27/bin/convert_caffe_image_db"
-- Installing: /home/slb/anaconda2/envs/py27/bin/convert_db
-- Removed runtime path from "/home/slb/anaconda2/envs/py27/bin/convert_db"
-- Installing: /home/slb/anaconda2/envs/py27/bin/db_throughput
-- Removed runtime path from "/home/slb/anaconda2/envs/py27/bin/db_throughput"
-- Installing: /home/slb/anaconda2/envs/py27/bin/make_cifar_db
-- Removed runtime path from "/home/slb/anaconda2/envs/py27/bin/make_cifar_db"
-- Installing: /home/slb/anaconda2/envs/py27/bin/make_mnist_db
-- Removed runtime path from "/home/slb/anaconda2/envs/py27/bin/make_mnist_db"
-- Installing: /home/slb/anaconda2/envs/py27/bin/predictor_verifier
-- Removed runtime path from "/home/slb/anaconda2/envs/py27/bin/predictor_verifier"
-- Installing: /home/slb/anaconda2/envs/py27/bin/print_registered_core_operators
-- Removed runtime path from "/home/slb/anaconda2/envs/py27/bin/print_registered_core_operators"
-- Installing: /home/slb/anaconda2/envs/py27/bin/run_plan
-- Removed runtime path from "/home/slb/anaconda2/envs/py27/bin/run_plan"
-- Installing: /home/slb/anaconda2/envs/py27/bin/speed_benchmark
-- Removed runtime path from "/home/slb/anaconda2/envs/py27/bin/speed_benchmark"
-- Installing: /home/slb/anaconda2/envs/py27/bin/split_db
-- Removed runtime path from "/home/slb/anaconda2/envs/py27/bin/split_db"
-- Installing: /home/slb/anaconda2/envs/py27/bin/inspect_gpus
-- Removed runtime path from "/home/slb/anaconda2/envs/py27/bin/inspect_gpus"
-- Installing: /home/slb/anaconda2/envs/py27/bin/print_core_object_sizes
-- Removed runtime path from "/home/slb/anaconda2/envs/py27/bin/print_core_object_sizes"
-- Installing: /home/slb/anaconda2/envs/py27/bin/core_overhead_benchmark
-- Removed runtime path from "/home/slb/anaconda2/envs/py27/bin/core_overhead_benchmark"
-- Installing: /home/slb/anaconda2/envs/py27/bin/run_plan_mpi
-- Removed runtime path from "/home/slb/anaconda2/envs/py27/bin/run_plan_mpi"
-- Installing: /home/slb/anaconda2/envs/py27/bin/convert_encoded_to_raw_leveldb
-- Removed runtime path from "/home/slb/anaconda2/envs/py27/bin/convert_encoded_to_raw_leveldb"
-- Installing: /home/slb/anaconda2/envs/py27/bin/make_image_db
-- Removed runtime path from "/home/slb/anaconda2/envs/py27/bin/make_image_db"
-- Installing: /home/slb/anaconda2/envs/py27/bin/tutorial_blob
-- Removed runtime path from "/home/slb/anaconda2/envs/py27/bin/tutorial_blob"
-- Installing: /home/slb/anaconda2/envs/py27/lib/libcaffe2_detectron_ops_gpu.so
-- Removed runtime path from "/home/slb/anaconda2/envs/py27/lib/libcaffe2_detectron_ops_gpu.so"
-- Installing: /home/slb/anaconda2/envs/py27/lib/libcaffe2_module_test_dynamic.so
-- Removed runtime path from "/home/slb/anaconda2/envs/py27/lib/libcaffe2_module_test_dynamic.so"

caffe py27 bin,lib,include test !
: ,caffe build bin !
, .bashrc , py27 Detectron ( )

, Troubleshooting , Protobuf Errors :

https://caffe2.ai/docs/getting-started.html?platform=ubuntu&configuration=compile#custom-anaconda-install
https://caffe2.ai/docs/getting-started.html?platform=mac&configuration=compile#custom-anaconda-install
https://github.com/facebookresearch/Detectron/blob/master/INSTALL.md


1.conda uninstall libtiff worked for me sudo apt-get install libtiff4-dev

   opencv。。。。TIFF@   ,       ananconda opencv    usr/local  opencv   protobuff     conda         !

2.Caffe2 uses protobuf as its serialization format and requires version 3.2.0 or newer. If your protobuf version is older, you can build protobuf from Caffe2 protobuf submodule and use that version instead.

To build Caffe2 protobuf submodule:

      caffe2 Protobuf:
# CAFFE2=/path/to/caffe2
cd $CAFFE2/third_party/protobuf/cmake
mkdir -p build && cd build
#         home   ,  caffe2  ,  :
cmake .. \
  -DCMAKE_INSTALL_PREFIX=$HOME/c2_tp_protobuf \
  -Dprotobuf_BUILD_TESTS=OFF \
  -DCMAKE_CXX_FLAGS="-fPIC"
make install

3. , google , , , !