Versions Compared

Key

  • This line was added.
  • This line was removed.
  • Formatting was changed.

...

No Format
First attempt:

make
make 2>&1 | tee makelog.txt
[  0%] Running C++/Python protocol buffer compiler on /sw/caffe/caffe-master/src/caffe/proto/caffe.proto
Scanning dependencies of target proto
[  1%] Building CXX object src/caffe/CMakeFiles/proto.dir/__/__/include/caffe/proto/caffe.pb.cc.o
[  1%] Linking CXX static library ../../lib/libproto.a
[  1%] Built target proto
[  1%] Building NVCC (Device) object src/caffe/CMakeFiles/cuda_compile.dir/util/cuda_compile_generated_math_functions.cu.o
[  1%] Building NVCC (Device) object src/caffe/CMakeFiles/cuda_compile.dir/layers/cuda_compile_generated_absval_layer.cu.o
[  1%] Building NVCC (Device) object src/caffe/CMakeFiles/cuda_compile.dir/layers/cuda_compile_generated_base_data_layer.cu.o
[  2%] Building NVCC (Device) object src/caffe/CMakeFiles/cuda_compile.dir/layers/cuda_compile_generated_batch_norm_layer.cu.o
[  2%] Building NVCC (Device) object src/caffe/CMakeFiles/cuda_compile.dir/layers/cuda_compile_generated_batch_reindex_layer.cu.o
[  2%] Building NVCC (Device) object src/caffe/CMakeFiles/cuda_compile.dir/layers/cuda_compile_generated_bias_layer.cu.o
[  4%] Building NVCC (Device) object src/caffe/CMakeFiles/cuda_compile.dir/layers/cuda_compile_generated_bnll_layer.cu.o
[  4%] Building NVCC (Device) object src/caffe/CMakeFiles/cuda_compile.dir/layers/cuda_compile_generated_concat_layer.cu.o
[  5%] Building NVCC (Device) object src/caffe/CMakeFiles/cuda_compile.dir/layers/cuda_compile_generated_contrastive_loss_layer.cu.o
[  5%] Building NVCC (Device) object src/caffe/CMakeFiles/cuda_compile.dir/layers/cuda_compile_generated_conv_layer.cu.o
[  5%] Building NVCC (Device) object src/caffe/CMakeFiles/cuda_compile.dir/layers/cuda_compile_generated_crop_layer.cu.o
[  6%] Building NVCC (Device) object src/caffe/CMakeFiles/cuda_compile.dir/layers/cuda_compile_generated_cudnn_conv_layer.cu.o

snip <<< CLIP
[ 97%] Building CXX object examples/CMakeFiles/convert_cifar_data.dir/cifar10/convert_cifar_data.cpp.o
[ 98%] Linking CXX executable cifar10/convert_cifar_data
[ 98%] Built target convert_cifar_data
Scanning dependencies of target pycaffe
[ 98%] Building CXX object python/CMakeFiles/pycaffe.dir/caffe/_caffe.cpp.o
In file included from /sw/library/boost/1.60.0/ser/include/boost/type_traits/ice.hpp:15,
                 from /sw/library/boost/1.60.0/ser/include/boost/python/detail/def_helper.hpp:9,
                 from /sw/library/boost/1.60.0/ser/include/boost/python/class.hpp:29,
                 from /sw/library/boost/1.60.0/ser/include/boost/python.hpp:18,
                 from /sw/caffe/caffe-master/python/caffe/_caffe.cpp:7:
/sw/library/boost/1.60.0/ser/include/boost/type_traits/detail/ice_or.hpp:17: note: #pragma message: NOTE: Use of this header (ice_or.hpp) is deprecated
In file included from /sw/library/boost/1.60.0/ser/include/boost/type_traits/ice.hpp:16,
                 from /sw/library/boost/1.60.0/ser/include/boost/python/detail/def_helper.hpp:9,
                 from /sw/library/boost/1.60.0/ser/include/boost/python/class.hpp:29,
                 from /sw/library/boost/1.60.0/ser/include/boost/python.hpp:18,
                 from /sw/caffe/caffe-master/python/caffe/_caffe.cpp:7:
/sw/library/boost/1.60.0/ser/include/boost/type_traits/detail/ice_and.hpp:18: note: #pragma message: NOTE: Use of this header (ice_and.hpp) is deprecated
In file included from /sw/library/boost/1.60.0/ser/include/boost/type_traits/ice.hpp:17,
                 from /sw/library/boost/1.60.0/ser/include/boost/python/detail/def_helper.hpp:9,
                 from /sw/library/boost/1.60.0/ser/include/boost/python/class.hpp:29,
                 from /sw/library/boost/1.60.0/ser/include/boost/python.hpp:18,
                 from /sw/caffe/caffe-master/python/caffe/_caffe.cpp:7:
/sw/library/boost/1.60.0/ser/include/boost/type_traits/detail/ice_not.hpp:17: note: #pragma message: NOTE: Use of this header (ice_not.hpp) is deprecated
In file included from /sw/library/boost/1.60.0/ser/include/boost/type_traits/ice.hpp:18,
                 from /sw/library/boost/1.60.0/ser/include/boost/python/detail/def_helper.hpp:9,
                 from /sw/library/boost/1.60.0/ser/include/boost/python/class.hpp:29,
                 from /sw/library/boost/1.60.0/ser/include/boost/python.hpp:18,
                 from /sw/caffe/caffe-master/python/caffe/_caffe.cpp:7:
/sw/library/boost/1.60.0/ser/include/boost/type_traits/detail/ice_eq.hpp:17: note: #pragma message: NOTE: Use of this header (ice_eq.hpp) is deprecated
[100%] Linking CXX shared library ../lib/_caffe.so
Creating symlink /sw/caffe/caffe-master/python/caffe/_caffe.so -> /sw/caffe/caffe-master/build/lib/_caffe.so
[100%] Built target pycaffe
Scanning dependencies of target matlab
[100%] Building Matlab interface: /sw/caffe/caffe-master/matlab/+caffe/private/caffe_.mex
Building with 'g++'.
cc1plus: error: unrecognized command line option "-std=c++11"

make[2]: *** [../matlab/+caffe/private/caffe_.mex] Error 255
make[1]: *** [matlab/CMakeFiles/matlab.dir/all] Error 2
make: *** [all] Error 2


>>>>>>>>
module load compilers/gcc-4.7.1
make 2>&1 | tee makelog2.txt
-- Boost version: 1.60.0
-- Found the following Boost libraries:
--   system
--   thread
--   filesystem
--   chrono
--   date_time
--   atomic
-- Found gflags  (include: /sw/caffe/gflags/usr/local/include, library: /sw/caffe/gflags/usr/local/lib/libgflags.a)
-- Found glog    (include: /sw/caffe/glog/0.3.3/include, library: /sw/caffe/glog/0.3.3/lib/libglog.so)
-- Found PROTOBUF Compiler: /sw/caffe/protobuf/bin/protoc
-- Found lmdb    (include: /sw/caffe/lmdb/usr/local/include, library: /sw/caffe/lmdb/usr/local/lib/liblmdb.so)
-- Found LevelDB (include: /sw/caffe/leveldb/include, library: /sw/caffe/leveldb/lib/libleveldb.so)
-- Found Snappy  (include: /sw/caffe/snappy/include, library: /sw/caffe/snappy/lib/libsnappy.so)
-- CUDA detected: 7.5
-- Found cuDNN: ver. 4.0.7 found (include: /sw/cuda/cuda_7.5.18/include, library: /sw/cuda/cuda_7.5.18/lib64/libcudnn.so)
-- Added CUDA NVCC flags for: sm_20
-- LIBS3.1.0
-- OpenCV found ()
-- Found Atlas (include: /sw/library/atlas/3.10.2/include, library: /sw/library/atlas/3.10.2/lib/libatlas.so)
-- NumPy ver. 1.12.0.dev0+1380fdd found (include: /sw/python/2.7.1-shared/lib/python2.7/site-packages/numpy-1.12.0.dev0+1380fdd-py2.7-linux-x86_64.egg/numpy/core/include)
-- Boost version: 1.60.0
-- Found the following Boost libraries:
--   python
dirname: missing operand
Try `dirname --help' for more information.
dirname: missing operand
Try `dirname --help' for more information.
Not enough input arguments.
-- Detected Doxygen OUTPUT_DIRECTORY: ./doxygen/
--
-- ******************* Caffe Configuration Summary *******************
-- General:
--   Version           :   1.0.0-rc3
--   Git               :   unknown
--   System            :   Linux
--   C++ compiler      :   /usr/bin/c++
--   Release CXX flags :   -O3 -DNDEBUG -fPIC -Wall -Wno-sign-compare -Wno-uninitialized
--   Debug CXX flags   :   -g -fPIC -Wall -Wno-sign-compare -Wno-uninitialized
--   Build type        :   Release
--
--   BUILD_SHARED_LIBS :   ON
--   BUILD_python      :   ON
--   BUILD_matlab      :   ON
--   BUILD_docs        :   ON
--   CPU_ONLY          :   OFF
--   USE_OPENCV        :   ON
--   USE_LEVELDB       :   ON
--   USE_LMDB          :   ON
--   ALLOW_LMDB_NOLOCK :   OFF
--
-- Dependencies:
--   BLAS              :   Yes (Atlas)
--   Boost             :   Yes (ver. 1.60)
--   glog              :   Yes
--   gflags            :   Yes
--   protobuf          :   Yes (ver. 3.0.0)
--   lmdb              :   Yes (ver. 0.9.70)
--   LevelDB           :   Yes (ver. 1.18)
--   Snappy            :   Yes (ver. 1.1.3)
--   OpenCV            :   Yes (ver. 3.1.0)
--   CUDA              :   Yes (ver. 7.5)
--
-- NVIDIA CUDA:
--   Target GPU(s)     :   Auto
--   GPU arch(s)       :   sm_20
--   cuDNN             :   Yes (ver. 4.0.7)
--
-- Python:
--   Interpreter       :   /sw/python/2.7.1-shared/bin/python2.7 (ver. 2.7.1)
--   Libraries         :   /sw/python/2.7.1-shared/lib/libpython2.7.so (ver 2.7.1)
--   NumPy             :   /sw/python/2.7.1-shared/lib/python2.7/site-packages/numpy-1.12.0.dev0+1380fdd-py2.7-linux-x86_64.egg/numpy/core/include (ver 1.12.0.dev0+1380fdd)
--
-- Matlab:
--   Matlab            :   Yes (/sw/Matlab/R2015b/bin/mex, /sw/Matlab/R2015b/bin/mex
--   Octave            :   Yes (/sw/octave/3.8.0/bin/mkoctfile)
--   Build mex using   :   Matlab
--
-- Documentaion:
--   Doxygen           :   /usr/bin/doxygen (1.6.1)
--   config_file       :   /sw/caffe/caffe-master/.Doxyfile
--
-- Install:
--   Install path      :   /sw/caffe/caffe
--
-- LIBS3.1.0
-- Configuring done
-- Generating done
-- Build files have been written to: /sw/caffe/caffe-master/build
[  1%] Built target proto
Scanning dependencies of target caffe
[  2%] Linking CXX shared library ../../lib/libcaffe.so
[ 80%] Built target caffe
[ 82%] Linking CXX executable device_query
[ 82%] Built target device_query
[ 82%] Linking CXX executable compute_image_mean
[ 83%] Built target compute_image_mean
[ 83%] Linking CXX executable extract_features
[ 84%] Built target extract_features
[ 86%] Linking CXX executable upgrade_net_proto_text
[ 86%] Built target upgrade_net_proto_text
[ 87%] Linking CXX executable finetune_net
[ 87%] Built target finetune_net
[ 89%] Linking CXX executable caffe
[ 89%] Built target caffe.bin
[ 90%] Linking CXX executable upgrade_solver_proto_text
[ 90%] Built target upgrade_solver_proto_text
[ 90%] Linking CXX executable test_net
[ 90%] Built target test_net
[ 90%] Linking CXX executable net_speed_benchmark
[ 91%] Built target net_speed_benchmark
[ 91%] Linking CXX executable upgrade_net_proto_binary
[ 93%] Built target upgrade_net_proto_binary
[ 94%] Linking CXX executable convert_imageset
[ 94%] Built target convert_imageset
[ 94%] Linking CXX executable train_net
[ 95%] Built target train_net
[ 95%] Linking CXX executable mnist/convert_mnist_data
[ 95%] Built target convert_mnist_data
[ 95%] Linking CXX executable siamese/convert_mnist_siamese_data
[ 97%] Built target convert_mnist_siamese_data
[ 97%] Linking CXX executable cpp_classification/classification
[ 97%] Built target classification
[ 98%] Linking CXX executable cifar10/convert_cifar_data
[ 98%] Built target convert_cifar_data
[100%] Linking CXX shared library ../lib/_caffe.so
Creating symlink /sw/caffe/caffe-master/python/caffe/_caffe.so -> /sw/caffe/caffe-master/build/lib/_caffe.so
[100%] Built target pycaffe
[100%] Building Matlab interface: /sw/caffe/caffe-master/matlab/+caffe/private/caffe_.mex
Building with 'g++'.
MEX completed successfully.
[100%] Built target matlab

SUCCESS!!!!!! 
No Format
make install 2>&1 | tee makeInstalllog.txt
[  1%] Built target proto
[ 80%] Built target caffe
[ 82%] Built target device_query
[ 83%] Built target compute_image_mean
[ 84%] Built target extract_features
[ 86%] Built target upgrade_net_proto_text
[ 87%] Built target finetune_net
[ 89%] Built target caffe.bin
[ 90%] Built target upgrade_solver_proto_text
[ 90%] Built target test_net
[ 91%] Built target net_speed_benchmark
[ 93%] Built target upgrade_net_proto_binary
[ 94%] Built target convert_imageset
[ 95%] Built target train_net
[ 95%] Built target convert_mnist_data
[ 97%] Built target convert_mnist_siamese_data
[ 97%] Built target classification
[ 98%] Built target convert_cifar_data
[100%] Built target pycaffe
[100%] Building Matlab interface: /sw/caffe/caffe-master/matlab/+caffe/private/caffe_.mex
Building with 'g++'.
MEX completed successfully.
[100%] Built target matlab
Install the project...
-- Install configuration: "Release"
-- Installing: /sw/caffe/caffe/share/Caffe/CaffeConfig.cmake
-- Installing: /sw/caffe/caffe/share/Caffe/CaffeTargets.cmake
-- Installing: /sw/caffe/caffe/share/Caffe/CaffeTargets-release.cmake
-- Installing: /sw/caffe/caffe/include/caffe
-- Installing: /sw/caffe/caffe/include/caffe/blob.hpp
-- Installing: /sw/caffe/caffe/include/caffe/caffe.hpp
-- Installing: /sw/caffe/caffe/include/caffe/common.hpp
-- Installing: /sw/caffe/caffe/include/caffe/data_reader.hpp
-- Installing: /sw/caffe/caffe/include/caffe/data_transformer.hpp
-- Installing: /sw/caffe/caffe/include/caffe/filler.hpp
-- Installing: /sw/caffe/caffe/include/caffe/internal_thread.hpp
-- Installing: /sw/caffe/caffe/include/caffe/layer.hpp
-- Installing: /sw/caffe/caffe/include/caffe/layer_factory.hpp
-- Installing: /sw/caffe/caffe/include/caffe/layers
-- Installing: /sw/caffe/caffe/include/caffe/layers/absval_layer.hpp
-- Installing: /sw/caffe/caffe/include/caffe/layers/accuracy_layer.hpp
-- Installing: /sw/caffe/caffe/include/caffe/layers/argmax_layer.hpp
-- Installing: /sw/caffe/caffe/include/caffe/layers/base_conv_layer.hpp
-- Installing: /sw/caffe/caffe/include/caffe/layers/base_data_layer.hpp
-- Installing: /sw/caffe/caffe/include/caffe/layers/batch_norm_layer.hpp
-- Installing: /sw/caffe/caffe/include/caffe/layers/batch_reindex_layer.hpp
-- Installing: /sw/caffe/caffe/include/caffe/layers/bias_layer.hpp
-- Installing: /sw/caffe/caffe/include/caffe/layers/bnll_layer.hpp
-- Installing: /sw/caffe/caffe/include/caffe/layers/concat_layer.hpp
-- Installing: /sw/caffe/caffe/include/caffe/layers/contrastive_loss_layer.hpp
-- Installing: /sw/caffe/caffe/include/caffe/layers/conv_layer.hpp
-- Installing: /sw/caffe/caffe/include/caffe/layers/crop_layer.hpp
-- Installing: /sw/caffe/caffe/include/caffe/layers/cudnn_conv_layer.hpp
-- Installing: /sw/caffe/caffe/include/caffe/layers/cudnn_lcn_layer.hpp
-- Installing: /sw/caffe/caffe/include/caffe/layers/cudnn_lrn_layer.hpp
-- Installing: /sw/caffe/caffe/include/caffe/layers/cudnn_pooling_layer.hpp
-- Installing: /sw/caffe/caffe/include/caffe/layers/cudnn_relu_layer.hpp
-- Installing: /sw/caffe/caffe/include/caffe/layers/cudnn_sigmoid_layer.hpp
-- Installing: /sw/caffe/caffe/include/caffe/layers/cudnn_softmax_layer.hpp
-- Installing: /sw/caffe/caffe/include/caffe/layers/cudnn_tanh_layer.hpp
-- Installing: /sw/caffe/caffe/include/caffe/layers/data_layer.hpp
-- Installing: /sw/caffe/caffe/include/caffe/layers/deconv_layer.hpp
-- Installing: /sw/caffe/caffe/include/caffe/layers/dropout_layer.hpp
-- Installing: /sw/caffe/caffe/include/caffe/layers/dummy_data_layer.hpp
-- Installing: /sw/caffe/caffe/include/caffe/layers/eltwise_layer.hpp
-- Installing: /sw/caffe/caffe/include/caffe/layers/elu_layer.hpp
-- Installing: /sw/caffe/caffe/include/caffe/layers/embed_layer.hpp
-- Installing: /sw/caffe/caffe/include/caffe/layers/euclidean_loss_layer.hpp
-- Installing: /sw/caffe/caffe/include/caffe/layers/exp_layer.hpp
-- Installing: /sw/caffe/caffe/include/caffe/layers/filter_layer.hpp
-- Installing: /sw/caffe/caffe/include/caffe/layers/flatten_layer.hpp
-- Installing: /sw/caffe/caffe/include/caffe/layers/hdf5_data_layer.hpp
-- Installing: /sw/caffe/caffe/include/caffe/layers/hdf5_output_layer.hpp
-- Installing: /sw/caffe/caffe/include/caffe/layers/hinge_loss_layer.hpp
-- Installing: /sw/caffe/caffe/include/caffe/layers/im2col_layer.hpp
-- Installing: /sw/caffe/caffe/include/caffe/layers/image_data_layer.hpp
-- Installing: /sw/caffe/caffe/include/caffe/layers/infogain_loss_layer.hpp
-- Installing: /sw/caffe/caffe/include/caffe/layers/inner_product_layer.hpp
-- Installing: /sw/caffe/caffe/include/caffe/layers/input_layer.hpp
-- Installing: /sw/caffe/caffe/include/caffe/layers/log_layer.hpp
-- Installing: /sw/caffe/caffe/include/caffe/layers/loss_layer.hpp
-- Installing: /sw/caffe/caffe/include/caffe/layers/lrn_layer.hpp
-- Installing: /sw/caffe/caffe/include/caffe/layers/memory_data_layer.hpp
-- Installing: /sw/caffe/caffe/include/caffe/layers/multinomial_logistic_loss_layer.hpp
-- Installing: /sw/caffe/caffe/include/caffe/layers/mvn_layer.hpp
-- Installing: /sw/caffe/caffe/include/caffe/layers/neuron_layer.hpp
-- Installing: /sw/caffe/caffe/include/caffe/layers/pooling_layer.hpp
-- Installing: /sw/caffe/caffe/include/caffe/layers/power_layer.hpp
-- Installing: /sw/caffe/caffe/include/caffe/layers/prelu_layer.hpp
-- Installing: /sw/caffe/caffe/include/caffe/layers/python_layer.hpp
-- Installing: /sw/caffe/caffe/include/caffe/layers/reduction_layer.hpp
-- Installing: /sw/caffe/caffe/include/caffe/layers/relu_layer.hpp
-- Installing: /sw/caffe/caffe/include/caffe/layers/reshape_layer.hpp
-- Installing: /sw/caffe/caffe/include/caffe/layers/scale_layer.hpp
-- Installing: /sw/caffe/caffe/include/caffe/layers/sigmoid_cross_entropy_loss_layer.hpp
-- Installing: /sw/caffe/caffe/include/caffe/layers/sigmoid_layer.hpp
-- Installing: /sw/caffe/caffe/include/caffe/layers/silence_layer.hpp
-- Installing: /sw/caffe/caffe/include/caffe/layers/slice_layer.hpp
-- Installing: /sw/caffe/caffe/include/caffe/layers/softmax_layer.hpp
-- Installing: /sw/caffe/caffe/include/caffe/layers/softmax_loss_layer.hpp
-- Installing: /sw/caffe/caffe/include/caffe/layers/split_layer.hpp
-- Installing: /sw/caffe/caffe/include/caffe/layers/spp_layer.hpp
-- Installing: /sw/caffe/caffe/include/caffe/layers/tanh_layer.hpp
-- Installing: /sw/caffe/caffe/include/caffe/layers/threshold_layer.hpp
-- Installing: /sw/caffe/caffe/include/caffe/layers/tile_layer.hpp
-- Installing: /sw/caffe/caffe/include/caffe/layers/window_data_layer.hpp
-- Installing: /sw/caffe/caffe/include/caffe/net.hpp
-- Installing: /sw/caffe/caffe/include/caffe/parallel.hpp
-- Installing: /sw/caffe/caffe/include/caffe/sgd_solvers.hpp
-- Installing: /sw/caffe/caffe/include/caffe/solver.hpp
-- Installing: /sw/caffe/caffe/include/caffe/solver_factory.hpp
-- Installing: /sw/caffe/caffe/include/caffe/syncedmem.hpp
-- Installing: /sw/caffe/caffe/include/caffe/test
-- Installing: /sw/caffe/caffe/include/caffe/test/test_caffe_main.hpp
-- Installing: /sw/caffe/caffe/include/caffe/test/test_gradient_check_util.hpp
-- Installing: /sw/caffe/caffe/include/caffe/util
-- Installing: /sw/caffe/caffe/include/caffe/util/benchmark.hpp
-- Installing: /sw/caffe/caffe/include/caffe/util/blocking_queue.hpp
-- Installing: /sw/caffe/caffe/include/caffe/util/cudnn.hpp
-- Installing: /sw/caffe/caffe/include/caffe/util/db.hpp
-- Installing: /sw/caffe/caffe/include/caffe/util/db_leveldb.hpp
-- Installing: /sw/caffe/caffe/include/caffe/util/db_lmdb.hpp
-- Installing: /sw/caffe/caffe/include/caffe/util/device_alternate.hpp
-- Installing: /sw/caffe/caffe/include/caffe/util/format.hpp
-- Installing: /sw/caffe/caffe/include/caffe/util/gpu_util.cuh
-- Installing: /sw/caffe/caffe/include/caffe/util/hdf5.hpp
-- Installing: /sw/caffe/caffe/include/caffe/util/im2col.hpp
-- Installing: /sw/caffe/caffe/include/caffe/util/insert_splits.hpp
-- Installing: /sw/caffe/caffe/include/caffe/util/io.hpp
-- Installing: /sw/caffe/caffe/include/caffe/util/math_functions.hpp
-- Installing: /sw/caffe/caffe/include/caffe/util/mkl_alternate.hpp
-- Installing: /sw/caffe/caffe/include/caffe/util/rng.hpp
-- Installing: /sw/caffe/caffe/include/caffe/util/signal_handler.h
-- Installing: /sw/caffe/caffe/include/caffe/util/upgrade_proto.hpp
-- Installing: /sw/caffe/caffe/include/caffe/proto/caffe.pb.h
-- Installing: /sw/caffe/caffe/lib/libcaffe.so.1.0.0-rc3
-- Installing: /sw/caffe/caffe/lib/libcaffe.so
-- Set runtime path of "/sw/caffe/caffe/lib/libcaffe.so.1.0.0-rc3" to "/sw/caffe/caffe/lib:/sw/library/boost/1.60.0/ser/lib:/sw/library/hdf5/1.8.7/lib:/usr/local/cuda/lib64:/sw/cuda/cuda_7.5.18/lib64:/sw/library/lapack/lapack-3.6.0/3.6.0/lib64:/sw/library/atlas/3.10.2/lib:/sw/python/2.7.1-shared/lib"
-- Installing: /sw/caffe/caffe/lib/libproto.a
-- Installing: /sw/caffe/caffe/python/caffe/proto/caffe_pb2.py
-- Installing: /sw/caffe/caffe/python/caffe/proto/__init__.py
-- Installing: /sw/caffe/caffe/bin/caffe
-- Set runtime path of "/sw/caffe/caffe/bin/caffe" to "/sw/caffe/caffe/lib:/sw/library/boost/1.60.0/ser/lib:/sw/library/hdf5/1.8.7/lib:/usr/local/cuda/lib64:/sw/cuda/cuda_7.5.18/lib64:/sw/library/lapack/lapack-3.6.0/3.6.0/lib64:/sw/library/atlas/3.10.2/lib:/sw/python/2.7.1-shared/lib"
-- Installing: /sw/caffe/caffe/bin/compute_image_mean
-- Set runtime path of "/sw/caffe/caffe/bin/compute_image_mean" to "/sw/caffe/caffe/lib:/sw/library/boost/1.60.0/ser/lib:/sw/library/hdf5/1.8.7/lib:/usr/local/cuda/lib64:/sw/cuda/cuda_7.5.18/lib64:/sw/library/lapack/lapack-3.6.0/3.6.0/lib64:/sw/library/atlas/3.10.2/lib:/sw/python/2.7.1-shared/lib"
-- Installing: /sw/caffe/caffe/bin/convert_imageset
-- Set runtime path of "/sw/caffe/caffe/bin/convert_imageset" to "/sw/caffe/caffe/lib:/sw/library/boost/1.60.0/ser/lib:/sw/library/hdf5/1.8.7/lib:/usr/local/cuda/lib64:/sw/cuda/cuda_7.5.18/lib64:/sw/library/lapack/lapack-3.6.0/3.6.0/lib64:/sw/library/atlas/3.10.2/lib:/sw/python/2.7.1-shared/lib"
-- Installing: /sw/caffe/caffe/bin/device_query
-- Set runtime path of "/sw/caffe/caffe/bin/device_query" to "/sw/caffe/caffe/lib:/sw/library/boost/1.60.0/ser/lib:/sw/library/hdf5/1.8.7/lib:/usr/local/cuda/lib64:/sw/cuda/cuda_7.5.18/lib64:/sw/library/lapack/lapack-3.6.0/3.6.0/lib64:/sw/library/atlas/3.10.2/lib:/sw/python/2.7.1-shared/lib"
-- Installing: /sw/caffe/caffe/bin/extract_features
-- Set runtime path of "/sw/caffe/caffe/bin/extract_features" to "/sw/caffe/caffe/lib:/sw/library/boost/1.60.0/ser/lib:/sw/library/hdf5/1.8.7/lib:/usr/local/cuda/lib64:/sw/cuda/cuda_7.5.18/lib64:/sw/library/lapack/lapack-3.6.0/3.6.0/lib64:/sw/library/atlas/3.10.2/lib:/sw/python/2.7.1-shared/lib"
-- Installing: /sw/caffe/caffe/bin/finetune_net
-- Set runtime path of "/sw/caffe/caffe/bin/finetune_net" to "/sw/caffe/caffe/lib:/sw/library/boost/1.60.0/ser/lib:/sw/library/hdf5/1.8.7/lib:/usr/local/cuda/lib64:/sw/cuda/cuda_7.5.18/lib64:/sw/library/lapack/lapack-3.6.0/3.6.0/lib64:/sw/library/atlas/3.10.2/lib:/sw/python/2.7.1-shared/lib"
-- Installing: /sw/caffe/caffe/bin/net_speed_benchmark
-- Set runtime path of "/sw/caffe/caffe/bin/net_speed_benchmark" to "/sw/caffe/caffe/lib:/sw/library/boost/1.60.0/ser/lib:/sw/library/hdf5/1.8.7/lib:/usr/local/cuda/lib64:/sw/cuda/cuda_7.5.18/lib64:/sw/library/lapack/lapack-3.6.0/3.6.0/lib64:/sw/library/atlas/3.10.2/lib:/sw/python/2.7.1-shared/lib"
-- Installing: /sw/caffe/caffe/bin/test_net
-- Set runtime path of "/sw/caffe/caffe/bin/test_net" to "/sw/caffe/caffe/lib:/sw/library/boost/1.60.0/ser/lib:/sw/library/hdf5/1.8.7/lib:/usr/local/cuda/lib64:/sw/cuda/cuda_7.5.18/lib64:/sw/library/lapack/lapack-3.6.0/3.6.0/lib64:/sw/library/atlas/3.10.2/lib:/sw/python/2.7.1-shared/lib"
-- Installing: /sw/caffe/caffe/bin/train_net
-- Set runtime path of "/sw/caffe/caffe/bin/train_net" to "/sw/caffe/caffe/lib:/sw/library/boost/1.60.0/ser/lib:/sw/library/hdf5/1.8.7/lib:/usr/local/cuda/lib64:/sw/cuda/cuda_7.5.18/lib64:/sw/library/lapack/lapack-3.6.0/3.6.0/lib64:/sw/library/atlas/3.10.2/lib:/sw/python/2.7.1-shared/lib"
-- Installing: /sw/caffe/caffe/bin/upgrade_net_proto_binary
-- Set runtime path of "/sw/caffe/caffe/bin/upgrade_net_proto_binary" to "/sw/caffe/caffe/lib:/sw/library/boost/1.60.0/ser/lib:/sw/library/hdf5/1.8.7/lib:/usr/local/cuda/lib64:/sw/cuda/cuda_7.5.18/lib64:/sw/library/lapack/lapack-3.6.0/3.6.0/lib64:/sw/library/atlas/3.10.2/lib:/sw/python/2.7.1-shared/lib"
-- Installing: /sw/caffe/caffe/bin/upgrade_net_proto_text
-- Set runtime path of "/sw/caffe/caffe/bin/upgrade_net_proto_text" to "/sw/caffe/caffe/lib:/sw/library/boost/1.60.0/ser/lib:/sw/library/hdf5/1.8.7/lib:/usr/local/cuda/lib64:/sw/cuda/cuda_7.5.18/lib64:/sw/library/lapack/lapack-3.6.0/3.6.0/lib64:/sw/library/atlas/3.10.2/lib:/sw/python/2.7.1-shared/lib"
-- Installing: /sw/caffe/caffe/bin/upgrade_solver_proto_text
-- Set runtime path of "/sw/caffe/caffe/bin/upgrade_solver_proto_text" to "/sw/caffe/caffe/lib:/sw/library/boost/1.60.0/ser/lib:/sw/library/hdf5/1.8.7/lib:/usr/local/cuda/lib64:/sw/cuda/cuda_7.5.18/lib64:/sw/library/lapack/lapack-3.6.0/3.6.0/lib64:/sw/library/atlas/3.10.2/lib:/sw/python/2.7.1-shared/lib"
-- Installing: /sw/caffe/caffe/bin/convert_cifar_data
-- Set runtime path of "/sw/caffe/caffe/bin/convert_cifar_data" to "/sw/caffe/caffe/lib:/sw/library/boost/1.60.0/ser/lib:/sw/library/hdf5/1.8.7/lib:/usr/local/cuda/lib64:/sw/cuda/cuda_7.5.18/lib64:/sw/library/lapack/lapack-3.6.0/3.6.0/lib64:/sw/library/atlas/3.10.2/lib:/sw/python/2.7.1-shared/lib"
-- Installing: /sw/caffe/caffe/bin/classification
-- Set runtime path of "/sw/caffe/caffe/bin/classification" to "/sw/caffe/caffe/lib:/sw/library/boost/1.60.0/ser/lib:/sw/library/hdf5/1.8.7/lib:/usr/local/cuda/lib64:/sw/cuda/cuda_7.5.18/lib64:/sw/library/lapack/lapack-3.6.0/3.6.0/lib64:/sw/library/atlas/3.10.2/lib:/sw/python/2.7.1-shared/lib"
-- Installing: /sw/caffe/caffe/bin/convert_mnist_data
-- Set runtime path of "/sw/caffe/caffe/bin/convert_mnist_data" to "/sw/caffe/caffe/lib:/sw/library/boost/1.60.0/ser/lib:/sw/library/hdf5/1.8.7/lib:/usr/local/cuda/lib64:/sw/cuda/cuda_7.5.18/lib64:/sw/library/lapack/lapack-3.6.0/3.6.0/lib64:/sw/library/atlas/3.10.2/lib:/sw/python/2.7.1-shared/lib"
-- Installing: /sw/caffe/caffe/bin/convert_mnist_siamese_data
-- Set runtime path of "/sw/caffe/caffe/bin/convert_mnist_siamese_data" to "/sw/caffe/caffe/lib:/sw/library/boost/1.60.0/ser/lib:/sw/library/hdf5/1.8.7/lib:/usr/local/cuda/lib64:/sw/cuda/cuda_7.5.18/lib64:/sw/library/lapack/lapack-3.6.0/3.6.0/lib64:/sw/library/atlas/3.10.2/lib:/sw/python/2.7.1-shared/lib"
-- Installing: /sw/caffe/caffe/python/classify.py
-- Installing: /sw/caffe/caffe/python/detect.py
-- Installing: /sw/caffe/caffe/python/draw_net.py
-- Installing: /sw/caffe/caffe/python/requirements.txt
-- Installing: /sw/caffe/caffe/python/caffe/__init__.py
-- Installing: /sw/caffe/caffe/python/caffe/classifier.py
-- Installing: /sw/caffe/caffe/python/caffe/coord_map.py
-- Installing: /sw/caffe/caffe/python/caffe/detector.py
-- Installing: /sw/caffe/caffe/python/caffe/draw.py
-- Installing: /sw/caffe/caffe/python/caffe/io.py
-- Installing: /sw/caffe/caffe/python/caffe/net_spec.py
-- Installing: /sw/caffe/caffe/python/caffe/pycaffe.py
-- Installing: /sw/caffe/caffe/python/caffe/_caffe.so
-- Set runtime path of "/sw/caffe/caffe/python/caffe/_caffe.so" to "/sw/caffe/caffe/lib:/sw/python/2.7.1-shared/lib:/sw/library/boost/1.60.0/ser/lib:/sw/library/hdf5/1.8.7/lib:/usr/local/cuda/lib64:/sw/cuda/cuda_7.5.18/lib64:/sw/library/lapack/lapack-3.6.0/3.6.0/lib64:/sw/library/atlas/3.10.2/lib"
-- Installing: /sw/caffe/caffe/python/caffe/imagenet
-- Installing: /sw/caffe/caffe/python/caffe/imagenet/ilsvrc_2012_mean.npy
-- Up-to-date: /sw/caffe/caffe/python/caffe/proto
-- Installing: /sw/caffe/caffe/python/caffe/proto/__init__.py
-- Installing: /sw/caffe/caffe/python/caffe/proto/caffe_pb2.py
-- Installing: /sw/caffe/caffe/python/caffe/test
-- Installing: /sw/caffe/caffe/python/caffe/test/test_coord_map.py
-- Installing: /sw/caffe/caffe/python/caffe/test/test_io.py
-- Installing: /sw/caffe/caffe/python/caffe/test/test_layer_type_list.py
-- Installing: /sw/caffe/caffe/python/caffe/test/test_net.py
-- Installing: /sw/caffe/caffe/python/caffe/test/test_net_spec.py
-- Installing: /sw/caffe/caffe/python/caffe/test/test_python_layer.py
-- Installing: /sw/caffe/caffe/python/caffe/test/test_python_layer_with_param_str.py
-- Installing: /sw/caffe/caffe/python/caffe/test/test_solver.py
CMake Error at matlab/cmake_install.cmake:36 (file):
  file INSTALL cannot find
  "/sw/caffe/caffe-master/matlab/+caffe/private/caffe_.mex".
Call Stack (most recent call first):
  cmake_install.cmake:65 (include)



make: *** [install] Error 1

 

 

Reference

  1. https://github.com/BVLC/caffe
  2. http://caffe.berkeleyvision.org/
  3. https://github.com/casadi/casadi/blob/master/cmake/FindMATLAB.cmake

...