rioyokotalab / caffe2

Caffe2 is a lightweight, modular, and scalable deep learning framework.
https://caffe2.ai
Other
2 stars 0 forks source link

[ReedBush] Caffe2 build (CMake) Error #21

Closed Hiroki11x closed 6 years ago

Hiroki11x commented 6 years ago

It depends on same issue

https://github.com/rioyokotalab/caffe2/issues/18

I cannot build Parallel Distributed Stable version https://github.com/rioyokotalab/caffe2/tree/3a2e09674920fa9ac124a4facd6ef90e4eea1b47

However,

I can build bellow version

commit c59f29163a15d0ccccb4a77db07f6f1da2757b76 Author: Yangqing Jia Yangqing@users.noreply.github.com Date: Thu Aug 17 00:03:53 2017 -0700

Adios CNMEM. You will be remembered.

Summary:
As part of the cuda 9 move we have decided to deprecate the cnmem path
as it seems to be superceded by cub if one needs a memory pool.
Closes https://github.com/caffe2/caffe2/pull/1104

Differential Revision: D5647672

Pulled By: Yangqing

fbshipit-source-id: 988af5bf63e24efa1b631fd91ddb58e798ffc5c6
Hiroki11x commented 6 years ago
$ make install 
[  0%] Built target gmock
[  1%] Built target gmock_main
[  1%] Built target gtest
[  1%] Built target gtest_main
[  4%] Built target benchmark
[  5%] Built target basic_test
[  5%] Built target benchmark_test
[  5%] Built target output_test_helper
[  6%] Built target complexity_test
[  7%] Built target cxx03_test
[  7%] Built target diagnostics_test
[  7%] Built target donotoptimize_test
[  7%] Built target filter_test
[  8%] Built target fixture_test
[  8%] Built target map_test
[  8%] Built target multiple_ranges_test
[  8%] Built target options_test
[  8%] Built target register_benchmark_test
[  9%] Built target reporter_output_test
[ 10%] Built target skip_with_error_test
[ 14%] Built target gloo
[ 16%] Built target gloo_cuda
[ 16%] Built target Caffe_PROTO
[ 19%] Built target Caffe2_PROTO
[ 20%] Built target Caffe2_perfkernels_avx2
[ 20%] Built target Caffe2_perfkernels_avx
[ 20%] Building CXX object caffe2/CMakeFiles/Caffe2_CPU.dir/operators/sparse_to_dense_op.cc.o
[ 20%] Building CXX object caffe2/CMakeFiles/Caffe2_CPU.dir/operators/instance_norm_gradient_op.cc.o
[ 20%] Building CXX object caffe2/CMakeFiles/Caffe2_CPU.dir/operators/batch_matmul_op.cc.o
[ 21%] Building CXX object caffe2/CMakeFiles/Caffe2_CPU.dir/operators/conv_transpose_op.cc.o
[ 21%] Building CXX object caffe2/CMakeFiles/Caffe2_CPU.dir/operators/apmeter_op.cc.o
[ 21%] Building CXX object caffe2/CMakeFiles/Caffe2_CPU.dir/operators/lp_pool_op.cc.o
[ 21%] Building CXX object caffe2/CMakeFiles/Caffe2_CPU.dir/operators/spatial_batch_norm_op.cc.o
[ 21%] Building CXX object caffe2/CMakeFiles/Caffe2_CPU.dir/operators/recurrent_network_blob_fetcher_op.cc.o
[ 22%] Building CXX object caffe2/CMakeFiles/Caffe2_CPU.dir/operators/softmax_shared.cc.o
[ 22%] Building CXX object caffe2/CMakeFiles/Caffe2_CPU.dir/operators/roi_pool_op.cc.o
[ 22%] Building CXX object caffe2/CMakeFiles/Caffe2_CPU.dir/operators/elementwise_mul_op.cc.o
[ 22%] Building CXX object caffe2/CMakeFiles/Caffe2_CPU.dir/operators/extend_tensor_op.cc.o
[ 23%] Building CXX object caffe2/CMakeFiles/Caffe2_CPU.dir/operators/replace_nan_op.cc.o
[ 23%] Building CXX object caffe2/CMakeFiles/Caffe2_CPU.dir/operators/text_file_reader_utils.cc.o
[ 23%] Building CXX object caffe2/CMakeFiles/Caffe2_CPU.dir/operators/softmax_op.cc.o
[ 23%] Building CXX object caffe2/CMakeFiles/Caffe2_CPU.dir/operators/sigmoid_op.cc.o
[ 23%] Building CXX object caffe2/CMakeFiles/Caffe2_CPU.dir/operators/reservoir_sampling.cc.o
[ 24%] Building CXX object caffe2/CMakeFiles/Caffe2_CPU.dir/operators/free_op.cc.o
[ 24%] Building CXX object caffe2/CMakeFiles/Caffe2_CPU.dir/operators/dropout_op.cc.o
[ 24%] Building CXX object caffe2/CMakeFiles/Caffe2_CPU.dir/operators/clip_op.cc.o
[ 24%] Building CXX object caffe2/CMakeFiles/Caffe2_CPU.dir/operators/leaky_relu_op.cc.o
[ 25%] Building CXX object caffe2/CMakeFiles/Caffe2_CPU.dir/operators/elu_op.cc.o
[ 25%] Building CXX object caffe2/CMakeFiles/Caffe2_CPU.dir/operators/loss_op.cc.o
[ 25%] Building CXX object caffe2/CMakeFiles/Caffe2_CPU.dir/operators/reshape_op.cc.o
[ 25%] Building CXX object caffe2/CMakeFiles/Caffe2_CPU.dir/operators/softmax_with_loss_op.cc.o
[ 25%] Building CXX object caffe2/CMakeFiles/Caffe2_CPU.dir/perfkernels/embedding_lookup.cc.o
[ 26%] Building CXX object caffe2/CMakeFiles/Caffe2_CPU.dir/perfkernels/typed_axpy.cc.o
[ 26%] Building CXX object caffe2/CMakeFiles/Caffe2_CPU.dir/queue/blobs_queue_db.cc.o
[ 26%] Building CXX object caffe2/CMakeFiles/Caffe2_CPU.dir/queue/queue_ops.cc.o
[ 26%] Building CXX object caffe2/CMakeFiles/Caffe2_CPU.dir/queue/blobs_queue.cc.o
[ 26%] Building CXX object caffe2/CMakeFiles/Caffe2_CPU.dir/queue/rebatching_queue.cc.o
[ 27%] Building CXX object caffe2/CMakeFiles/Caffe2_CPU.dir/queue/rebatching_queue_ops.cc.o
[ 27%] Building CXX object caffe2/CMakeFiles/Caffe2_CPU.dir/sgd/momentum_sgd_op.cc.o
[ 27%] Building CXX object caffe2/CMakeFiles/Caffe2_CPU.dir/sgd/learning_rate_op.cc.o
[ 27%] Building CXX object caffe2/CMakeFiles/Caffe2_CPU.dir/sgd/iter_op.cc.o
[ 28%] Building CXX object caffe2/CMakeFiles/Caffe2_CPU.dir/sgd/ftrl_op.cc.o
[ 28%] Building CXX object caffe2/CMakeFiles/Caffe2_CPU.dir/sgd/adam_op.cc.o
[ 28%] Building CXX object caffe2/CMakeFiles/Caffe2_CPU.dir/sgd/adagrad_op.cc.o
[ 28%] Building CXX object caffe2/CMakeFiles/Caffe2_CPU.dir/sgd/rmsprop_op.cc.o
[ 28%] Building CXX object caffe2/CMakeFiles/Caffe2_CPU.dir/transforms/pattern_net_transform.cc.o
[ 29%] Building CXX object caffe2/CMakeFiles/Caffe2_CPU.dir/transforms/conv_to_nnpack_transform.cc.o
[ 29%] Building CXX object caffe2/CMakeFiles/Caffe2_CPU.dir/transforms/single_op_transform.cc.o
[ 29%] Building CXX object caffe2/CMakeFiles/Caffe2_CPU.dir/utils/math_cpu.cc.o
[ 30%] Building CXX object caffe2/CMakeFiles/Caffe2_CPU.dir/utils/threadpool/ThreadPool.cc.o
[ 30%] Building CXX object caffe2/CMakeFiles/Caffe2_CPU.dir/utils/smart_tensor_printer.cc.o
[ 30%] Building CXX object caffe2/CMakeFiles/Caffe2_CPU.dir/utils/proto_utils.cc.o
[ 31%] Building CXX object caffe2/CMakeFiles/Caffe2_CPU.dir/utils/signal_handler.cc.o
Linking CXX shared library libCaffe2_CPU.so
[ 63%] Built target Caffe2_CPU
[ 63%] Building NVCC (Device) object caffe2/CMakeFiles/Caffe2_GPU.dir/utils/./Caffe2_GPU_generated_math_gpu.cu.o
[ 63%] Building NVCC (Device) object caffe2/CMakeFiles/Caffe2_GPU.dir/core/./Caffe2_GPU_generated_context_gpu.cu.o
[ 63%] Building NVCC (Device) object caffe2/CMakeFiles/Caffe2_GPU.dir/image/./Caffe2_GPU_generated_transform_gpu.cu.o
[ 63%] Building NVCC (Device) object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/./Caffe2_GPU_generated_pool_op_cudnn.cu.o
[ 64%] Building NVCC (Device) object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/./Caffe2_GPU_generated_order_switch_ops.cu.o
[ 64%] Building NVCC (Device) object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/./Caffe2_GPU_generated_cross_entropy_op.cu.o
[ 64%] Building NVCC (Device) object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/./Caffe2_GPU_generated_filler_op.cu.o
[ 64%] Building NVCC (Device) object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/./Caffe2_GPU_generated_clip_op.cu.o
[ 64%] Building NVCC (Device) object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/./Caffe2_GPU_generated_summarize_op.cu.o
[ 65%] Building NVCC (Device) object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/./Caffe2_GPU_generated_margin_ranking_criterion_op.cu.o
[ 65%] Building NVCC (Device) object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/./Caffe2_GPU_generated_prelu_op.cu.o
[ 65%] Building NVCC (Device) object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/./Caffe2_GPU_generated_sigmoid_op.cu.o
[ 65%] Building NVCC (Device) object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/./Caffe2_GPU_generated_sin_op.cu.o
[ 65%] Building NVCC (Device) object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/./Caffe2_GPU_generated_elu_op.cu.o
[ 66%] Building NVCC (Device) object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/./Caffe2_GPU_generated_cosine_embedding_criterion_op.cu.o
[ 66%] Building NVCC (Device) object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/./Caffe2_GPU_generated_perplexity_op.cu.o
[ 66%] Building NVCC (Device) object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/./Caffe2_GPU_generated_distance_op.cu.o
[ 66%] Building NVCC (Device) object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/./Caffe2_GPU_generated_top_k.cu.o
[ 67%] Building NVCC (Device) object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/./Caffe2_GPU_generated_utility_ops.cu.o
[ 67%] Building NVCC (Device) object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/./Caffe2_GPU_generated_negative_op.cu.o
[ 67%] Building NVCC (Device) object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/./Caffe2_GPU_generated_roi_pool_op.cu.o
[ 67%] Building NVCC (Device) object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/./Caffe2_GPU_generated_half_float_ops.cu.o
[ 67%] Building NVCC (Device) object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/./Caffe2_GPU_generated_gru_unit_op_gpu.cu.o
[ 68%] Building NVCC (Device) object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/./Caffe2_GPU_generated_space_batch_op_gpu.cu.o
[ 68%] Building NVCC (Device) object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/./Caffe2_GPU_generated_tanh_op.cu.o
[ 68%] Building NVCC (Device) object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/./Caffe2_GPU_generated_boolean_unmask_ops.cu.o
[ 68%] Building NVCC (Device) object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/./Caffe2_GPU_generated_given_tensor_fill_op.cu.o
[ 69%] Building NVCC (Device) object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/./Caffe2_GPU_generated_dropout_op.cu.o
[ 69%] Building NVCC (Device) object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/./Caffe2_GPU_generated_log_op.cu.o
[ 69%] Building NVCC (Device) object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/./Caffe2_GPU_generated_piecewise_linear_transform_op.cu.o
[ 69%] Building NVCC (Device) object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/./Caffe2_GPU_generated_softsign_op.cu.o
[ 69%] Building NVCC (Device) object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/./Caffe2_GPU_generated_loss_op.cu.o
[ 70%] Building NVCC (Device) object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/./Caffe2_GPU_generated_reduction_ops.cu.o
[ 70%] Building NVCC (Device) object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/./Caffe2_GPU_generated_resize_op.cu.o
[ 70%] Building NVCC (Device) object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/./Caffe2_GPU_generated_cast_op.cu.o
[ 70%] Building NVCC (Device) object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/./Caffe2_GPU_generated_one_hot_ops.cu.o
[ 70%] Building NVCC (Device) object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/./Caffe2_GPU_generated_exp_op.cu.o
[ 71%] Building NVCC (Device) object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/./Caffe2_GPU_generated_relu_op.cu.o
[ 71%] Building NVCC (Device) object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/./Caffe2_GPU_generated_segment_reduction_op_gpu.cu.o
[ 71%] Building NVCC (Device) object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/./Caffe2_GPU_generated_mem_query_op.cu.o
[ 71%] Building NVCC (Device) object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/./Caffe2_GPU_generated_leaky_relu_op.cu.o
[ 72%] Building NVCC (Device) object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/./Caffe2_GPU_generated_find_op.cu.o
[ 72%] Building NVCC (Device) object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/./Caffe2_GPU_generated_elementwise_op.cu.o
[ 72%] Building NVCC (Device) object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/./Caffe2_GPU_generated_batch_matmul_op.cu.o
[ 72%] Building NVCC (Device) object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/./Caffe2_GPU_generated_accumulate_op.cu.o
[ 72%] Building NVCC (Device) object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/./Caffe2_GPU_generated_boolean_mask_ops.cu.o
[ 73%] Building NVCC (Device) object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/./Caffe2_GPU_generated_lstm_unit_op_gpu.cu.o
[ 73%] Building NVCC (Device) object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/./Caffe2_GPU_generated_reverse_packed_segs_op.cu.o
[ 73%] Building NVCC (Device) object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/./Caffe2_GPU_generated_instance_norm_op.cu.o
[ 73%] Building NVCC (Device) object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/./Caffe2_GPU_generated_lp_pool_op.cu.o
/home/gi75/i75012/dl/caffe2/caffe2/operators/lp_pool_op.cu(24): warning: function "caffe2::<unnamed>::cuda_pow(T, T) [with T=double]" was declared but never referenced

/home/gi75/i75012/dl/caffe2/caffe2/operators/lp_pool_op.cu(33): warning: function "caffe2::<unnamed>::cuda_abs(T) [with T=double]" was declared but never referenced

[ 74%] Building NVCC (Device) object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/./Caffe2_GPU_generated_max_pool_with_index.cu.o
[ 74%] Building NVCC (Device) object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/./Caffe2_GPU_generated_normalize_op.cu.o
[ 74%] Building NVCC (Device) object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/./Caffe2_GPU_generated_cos_op.cu.o
[ 74%] Building NVCC (Device) object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/./Caffe2_GPU_generated_pad_op_gpu.cu.o
[ 74%] Building NVCC (Device) object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/./Caffe2_GPU_generated_relu_op_fp16.cu.o
[ 75%] Building NVCC (Device) object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/./Caffe2_GPU_generated_math_ops.cu.o
[ 75%] Building NVCC (Device) object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/./Caffe2_GPU_generated_abs_op.cu.o
[ 75%] Building NVCC (Device) object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/./Caffe2_GPU_generated_elementwise_linear_op.cu.o
[ 75%] Building NVCC (Device) object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/./Caffe2_GPU_generated_softplus_op.cu.o
[ 75%] Building NVCC (Device) object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/./Caffe2_GPU_generated_pool_op.cu.o
[ 76%] Building NVCC (Device) object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/./Caffe2_GPU_generated_accuracy_op.cu.o
[ 76%] Building NVCC (Device) object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/./Caffe2_GPU_generated_transpose_op.cu.o
[ 76%] Building NVCC (Device) object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/./Caffe2_GPU_generated_local_response_normalization_op.cu.o
[ 76%] Building NVCC (Device) object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/./Caffe2_GPU_generated_tile_op.cu.o
[ 77%] Building NVCC (Device) object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/./Caffe2_GPU_generated_softmax_ops.cu.o
[ 77%] Building NVCC (Device) object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/./Caffe2_GPU_generated_multi_class_accuracy_op.cu.o
[ 77%] Building NVCC (Device) object caffe2/CMakeFiles/Caffe2_GPU.dir/sgd/./Caffe2_GPU_generated_rmsprop_op_gpu.cu.o
[ 77%] Building NVCC (Device) object caffe2/CMakeFiles/Caffe2_GPU.dir/sgd/./Caffe2_GPU_generated_adagrad_op_gpu.cu.o
[ 77%] Building NVCC (Device) object caffe2/CMakeFiles/Caffe2_GPU.dir/sgd/./Caffe2_GPU_generated_adam_op_gpu.cu.o
[ 78%] Building NVCC (Device) object caffe2/CMakeFiles/Caffe2_GPU.dir/sgd/./Caffe2_GPU_generated_momentum_sgd_op_gpu.cu.o
Scanning dependencies of target Caffe2_GPU
[ 78%] Building CXX object caffe2/CMakeFiles/Caffe2_GPU.dir/contrib/gloo/allreduce_ops_gpu.cc.o
[ 78%] Building CXX object caffe2/CMakeFiles/Caffe2_GPU.dir/contrib/gloo/broadcast_ops_gpu.cc.o
[ 79%] Building CXX object caffe2/CMakeFiles/Caffe2_GPU.dir/contrib/gloo/common_world_ops_gpu.cc.o
[ 79%] Building CXX object caffe2/CMakeFiles/Caffe2_GPU.dir/contrib/nccl/cuda_nccl_gpu.cc.o
[ 79%] Building CXX object caffe2/CMakeFiles/Caffe2_GPU.dir/contrib/nccl/cuda_nccl_op_gpu.cc.o
[ 79%] Building CXX object caffe2/CMakeFiles/Caffe2_GPU.dir/core/common_cudnn.cc.o
[ 79%] Building CXX object caffe2/CMakeFiles/Caffe2_GPU.dir/core/blob_serialization_gpu.cc.o
[ 80%] Building CXX object caffe2/CMakeFiles/Caffe2_GPU.dir/core/net_gpu.cc.o
[ 80%] Building CXX object caffe2/CMakeFiles/Caffe2_GPU.dir/core/common_gpu.cc.o
[ 80%] Building CXX object caffe2/CMakeFiles/Caffe2_GPU.dir/cuda_rtc/elemenntwise_rtc_gpu.cc.o
[ 80%] Building CXX object caffe2/CMakeFiles/Caffe2_GPU.dir/cuda_rtc/pool_op_rtc_gpu.cc.o
[ 81%] Building CXX object caffe2/CMakeFiles/Caffe2_GPU.dir/db/create_db_op_gpu.cc.o
[ 81%] Building CXX object caffe2/CMakeFiles/Caffe2_GPU.dir/distributed/file_store_handler_op_gpu.cc.o
[ 81%] Building CXX object caffe2/CMakeFiles/Caffe2_GPU.dir/image/image_input_op_gpu.cc.o
[ 81%] Building CXX object caffe2/CMakeFiles/Caffe2_GPU.dir/mpi/mpi_ops_gpu.cc.o
[ 81%] Building CXX object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/conv_op_cudnn.cc.o
[ 82%] Building CXX object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/local_response_normalization_op_cudnn.cc.o
[ 82%] Building CXX object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/spatial_batch_norm_op_cudnn.cc.o
[ 82%] Building CXX object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/recurrent_op_cudnn.cc.o
[ 82%] Building CXX object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/transpose_op_cudnn.cc.o
[ 82%] Building CXX object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/dropout_op_cudnn.cc.o
[ 83%] Building CXX object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/relu_op_cudnn.cc.o
[ 83%] Building CXX object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/conv_op_cache_cudnn.cc.o
[ 83%] Building CXX object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/conv_transpose_op_cudnn.cc.o
[ 83%] Building CXX object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/softmax_op_cudnn.cc.o
[ 84%] Building CXX object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/reshape_op_gpu.cc.o
[ 84%] Building CXX object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/tensor_protos_db_input_gpu.cc.o
[ 84%] Building CXX object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/im2col_op_gpu.cc.o
[ 84%] Building CXX object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/pack_segments_op_gpu.cc.o
[ 84%] Building CXX object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/load_save_op_gpu.cc.o
[ 85%] Building CXX object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/fully_connected_op_gpu.cc.o
[ 85%] Building CXX object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/conv_transpose_op_gpu.cc.o
[ 85%] Building CXX object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/communicator_op_gpu.cc.o
[ 85%] Building CXX object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/counter_ops_gpu.cc.o
[ 86%] Building CXX object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/stop_gradient_gpu.cc.o
[ 86%] Building CXX object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/recurrent_network_op_gpu.cc.o
[ 86%] Building CXX object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/conv_op_gpu.cc.o
[ 86%] Building CXX object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/free_op_gpu.cc.o
[ 86%] Building CXX object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/scale_op_gpu.cc.o
[ 87%] Building CXX object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/utility_ops_gpu.cc.o
[ 87%] Building CXX object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/zero_gradient_op_gpu.cc.o
[ 87%] Building CXX object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/recurrent_network_blob_fetcher_op_gpu.cc.o
[ 87%] Building CXX object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/concat_split_op_gpu.cc.o
[ 87%] Building CXX object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/conv_op_shared_gpu.cc.o
[ 88%] Building CXX object caffe2/CMakeFiles/Caffe2_GPU.dir/operators/matmul_op_gpu.cc.o
[ 88%] Building CXX object caffe2/CMakeFiles/Caffe2_GPU.dir/queue/queue_ops_gpu.cc.o
[ 88%] Building CXX object caffe2/CMakeFiles/Caffe2_GPU.dir/sgd/iter_op_gpu.cc.o
[ 88%] Building CXX object caffe2/CMakeFiles/Caffe2_GPU.dir/sgd/learning_rate_op_gpu.cc.o
Linking CXX shared library libCaffe2_GPU.so
[ 88%] Built target Caffe2_GPU
Scanning dependencies of target blob_gpu_test
[ 88%] Building CXX object caffe2/CMakeFiles/blob_gpu_test.dir/core/blob_gpu_test.cc.o
Linking CXX executable binaries/blob_gpu_test
[ 88%] Built target blob_gpu_test
Scanning dependencies of target blob_test
[ 88%] Building CXX object caffe2/CMakeFiles/blob_test.dir/core/blob_test.cc.o
Linking CXX executable binaries/blob_test
[ 88%] Built target blob_test
Scanning dependencies of target boolean_unmask_ops_test
[ 88%] Building CXX object caffe2/CMakeFiles/boolean_unmask_ops_test.dir/operators/boolean_unmask_ops_test.cc.o
Linking CXX executable binaries/boolean_unmask_ops_test
[ 88%] Built target boolean_unmask_ops_test
Scanning dependencies of target caffe2_pybind11_state
[ 89%] Building CXX object caffe2/CMakeFiles/caffe2_pybind11_state.dir/python/pybind_state.cc.o
[ 89%] Building CXX object caffe2/CMakeFiles/caffe2_pybind11_state.dir/python/pybind_state_mkl.cc.o
Linking CXX shared module python/caffe2_pybind11_state.so
[ 89%] Built target caffe2_pybind11_state
Scanning dependencies of target caffe2_pybind11_state_gpu
[ 89%] Building CXX object caffe2/CMakeFiles/caffe2_pybind11_state_gpu.dir/python/pybind_state.cc.o
[ 89%] Building CXX object caffe2/CMakeFiles/caffe2_pybind11_state_gpu.dir/python/pybind_state_mkl.cc.o
[ 89%] Building CXX object caffe2/CMakeFiles/caffe2_pybind11_state_gpu.dir/python/pybind_state_gpu.cc.o
Linking CXX shared module python/caffe2_pybind11_state_gpu.so
[ 89%] Built target caffe2_pybind11_state_gpu
Scanning dependencies of target context_gpu_test
[ 89%] Building CXX object caffe2/CMakeFiles/context_gpu_test.dir/core/context_gpu_test.cc.o
Linking CXX executable binaries/context_gpu_test
[ 89%] Built target context_gpu_test
Scanning dependencies of target context_test
[ 89%] Building CXX object caffe2/CMakeFiles/context_test.dir/core/context_test.cc.o
Linking CXX executable binaries/context_test
[ 89%] Built target context_test
Scanning dependencies of target conv_op_cache_cudnn_test
[ 89%] Building CXX object caffe2/CMakeFiles/conv_op_cache_cudnn_test.dir/operators/conv_op_cache_cudnn_test.cc.o
Linking CXX executable binaries/conv_op_cache_cudnn_test
[ 89%] Built target conv_op_cache_cudnn_test
Scanning dependencies of target conv_to_nnpack_transform_test
[ 90%] Building CXX object caffe2/CMakeFiles/conv_to_nnpack_transform_test.dir/transforms/conv_to_nnpack_transform_test.cc.o
Linking CXX executable binaries/conv_to_nnpack_transform_test
[ 90%] Built target conv_to_nnpack_transform_test
Scanning dependencies of target conv_transpose_op_mobile_test
[ 90%] Building CXX object caffe2/CMakeFiles/conv_transpose_op_mobile_test.dir/operators/conv_transpose_op_mobile_test.cc.o
Linking CXX executable binaries/conv_transpose_op_mobile_test
[ 90%] Built target conv_transpose_op_mobile_test
Linking CXX executable binaries/cpuid_test
[ 90%] Built target cpuid_test
Scanning dependencies of target elementwise_op_gpu_test
[ 91%] Building CXX object caffe2/CMakeFiles/elementwise_op_gpu_test.dir/operators/elementwise_op_gpu_test.cc.o
Linking CXX executable binaries/elementwise_op_gpu_test
[ 91%] Built target elementwise_op_gpu_test
Scanning dependencies of target elementwise_op_test
[ 91%] Building CXX object caffe2/CMakeFiles/elementwise_op_test.dir/operators/elementwise_op_test.cc.o
Linking CXX executable binaries/elementwise_op_test
[ 91%] Built target elementwise_op_test
Scanning dependencies of target fatal_signal_asan_no_sig_test
[ 91%] Building CXX object caffe2/CMakeFiles/fatal_signal_asan_no_sig_test.dir/utils/fatal_signal_asan_no_sig_test.cc.o
Linking CXX executable binaries/fatal_signal_asan_no_sig_test
[ 91%] Built target fatal_signal_asan_no_sig_test
Linking CXX executable binaries/fixed_divisor_test
[ 91%] Built target fixed_divisor_test
Scanning dependencies of target fully_connected_op_gpu_test
[ 91%] Building CXX object caffe2/CMakeFiles/fully_connected_op_gpu_test.dir/operators/fully_connected_op_gpu_test.cc.o
Linking CXX executable binaries/fully_connected_op_gpu_test
[ 91%] Built target fully_connected_op_gpu_test
Scanning dependencies of target fully_connected_op_test
[ 91%] Building CXX object caffe2/CMakeFiles/fully_connected_op_test.dir/operators/fully_connected_op_test.cc.o
Linking CXX executable binaries/fully_connected_op_test
[ 91%] Built target fully_connected_op_test
Scanning dependencies of target graph_test
[ 91%] Building CXX object caffe2/CMakeFiles/graph_test.dir/core/graph_test.cc.o
Linking CXX executable binaries/graph_test
[ 91%] Built target graph_test
Scanning dependencies of target init_test
[ 91%] Building CXX object caffe2/CMakeFiles/init_test.dir/core/init_test.cc.o
Linking CXX executable binaries/init_test
[ 91%] Built target init_test
Scanning dependencies of target logging_test
[ 91%] Building CXX object caffe2/CMakeFiles/logging_test.dir/core/logging_test.cc.o
Linking CXX executable binaries/logging_test
[ 91%] Built target logging_test
Scanning dependencies of target math_gpu_test
[ 91%] Building CXX object caffe2/CMakeFiles/math_gpu_test.dir/utils/math_gpu_test.cc.o
Linking CXX executable binaries/math_gpu_test
[ 91%] Built target math_gpu_test
Scanning dependencies of target math_test
[ 91%] Building CXX object caffe2/CMakeFiles/math_test.dir/utils/math_test.cc.o
Linking CXX executable binaries/math_test
[ 91%] Built target math_test
Scanning dependencies of target mpi_gpu_test
[ 91%] Building CXX object caffe2/CMakeFiles/mpi_gpu_test.dir/mpi/mpi_gpu_test.cc.o
Linking CXX executable binaries/mpi_gpu_test
[ 91%] Built target mpi_gpu_test
Scanning dependencies of target mpi_test
[ 92%] Building CXX object caffe2/CMakeFiles/mpi_test.dir/mpi/mpi_test.cc.o
Linking CXX executable binaries/mpi_test
[ 92%] Built target mpi_test
Scanning dependencies of target net_test
[ 92%] Building CXX object caffe2/CMakeFiles/net_test.dir/core/net_test.cc.o
Linking CXX executable binaries/net_test
[ 92%] Built target net_test
Scanning dependencies of target observer_test
[ 92%] Building CXX object caffe2/CMakeFiles/observer_test.dir/core/observer_test.cc.o
Linking CXX executable binaries/observer_test
[ 92%] Built target observer_test
Scanning dependencies of target operator_fallback_gpu_test
[ 93%] Building CXX object caffe2/CMakeFiles/operator_fallback_gpu_test.dir/operators/operator_fallback_gpu_test.cc.o
Linking CXX executable binaries/operator_fallback_gpu_test
[ 93%] Built target operator_fallback_gpu_test
Scanning dependencies of target operator_schema_test
[ 93%] Building CXX object caffe2/CMakeFiles/operator_schema_test.dir/core/operator_schema_test.cc.o
Linking CXX executable binaries/operator_schema_test
[ 93%] Built target operator_schema_test
Scanning dependencies of target operator_test
[ 93%] Building CXX object caffe2/CMakeFiles/operator_test.dir/core/operator_test.cc.o
Linking CXX executable binaries/operator_test
[ 93%] Built target operator_test
Scanning dependencies of target parallel_net_test
[ 94%] Building CXX object caffe2/CMakeFiles/parallel_net_test.dir/core/parallel_net_test.cc.o
Linking CXX executable binaries/parallel_net_test
[ 94%] Built target parallel_net_test
Scanning dependencies of target pattern_net_transform_test
[ 94%] Building CXX object caffe2/CMakeFiles/pattern_net_transform_test.dir/transforms/pattern_net_transform_test.cc.o
Linking CXX executable binaries/pattern_net_transform_test
[ 94%] Built target pattern_net_transform_test
Scanning dependencies of target predictor_test
[ 94%] Building CXX object caffe2/CMakeFiles/predictor_test.dir/core/predictor_test.cc.o
Linking CXX executable binaries/predictor_test
[ 94%] Built target predictor_test
Scanning dependencies of target proto_utils_test
[ 94%] Building CXX object caffe2/CMakeFiles/proto_utils_test.dir/utils/proto_utils_test.cc.o
Linking CXX executable binaries/proto_utils_test
[ 94%] Built target proto_utils_test
[ 94%] Built target python_copy_files
Scanning dependencies of target registry_test
[ 94%] Building CXX object caffe2/CMakeFiles/registry_test.dir/core/registry_test.cc.o
Linking CXX executable binaries/registry_test
[ 94%] Built target registry_test
Scanning dependencies of target reshape_op_gpu_test
[ 94%] Building CXX object caffe2/CMakeFiles/reshape_op_gpu_test.dir/operators/reshape_op_gpu_test.cc.o
Linking CXX executable binaries/reshape_op_gpu_test
[ 94%] Built target reshape_op_gpu_test
Scanning dependencies of target simple_queue_test
[ 94%] Building CXX object caffe2/CMakeFiles/simple_queue_test.dir/utils/simple_queue_test.cc.o
Linking CXX executable binaries/simple_queue_test
[ 94%] Built target simple_queue_test
Scanning dependencies of target smart_tensor_printer_test
[ 94%] Building CXX object caffe2/CMakeFiles/smart_tensor_printer_test.dir/utils/smart_tensor_printer_test.cc.o
Linking CXX executable binaries/smart_tensor_printer_test
[ 94%] Built target smart_tensor_printer_test
Scanning dependencies of target stats_test
[ 95%] Building CXX object caffe2/CMakeFiles/stats_test.dir/core/stats_test.cc.o
Linking CXX executable binaries/stats_test
[ 95%] Built target stats_test
Scanning dependencies of target string_ops_test
[ 95%] Building CXX object caffe2/CMakeFiles/string_ops_test.dir/operators/string_ops_test.cc.o
Linking CXX executable binaries/string_ops_test
[ 95%] Built target string_ops_test
Scanning dependencies of target text_file_reader_utils_test
[ 95%] Building CXX object caffe2/CMakeFiles/text_file_reader_utils_test.dir/operators/text_file_reader_utils_test.cc.o
Linking CXX executable binaries/text_file_reader_utils_test
[ 95%] Built target text_file_reader_utils_test
Scanning dependencies of target timer_test
[ 95%] Building CXX object caffe2/CMakeFiles/timer_test.dir/core/timer_test.cc.o
Linking CXX executable binaries/timer_test
[ 95%] Built target timer_test
Scanning dependencies of target transform_test
[ 95%] Building CXX object caffe2/CMakeFiles/transform_test.dir/core/transform_test.cc.o
Linking CXX executable binaries/transform_test
[ 95%] Built target transform_test
Scanning dependencies of target typeid_test
[ 95%] Building CXX object caffe2/CMakeFiles/typeid_test.dir/core/typeid_test.cc.o
Linking CXX executable binaries/typeid_test
[ 95%] Built target typeid_test
Scanning dependencies of target utility_ops_gpu_test
[ 95%] Building CXX object caffe2/CMakeFiles/utility_ops_gpu_test.dir/operators/utility_ops_gpu_test.cc.o
Linking CXX executable binaries/utility_ops_gpu_test
[ 95%] Built target utility_ops_gpu_test
Scanning dependencies of target utility_ops_test
[ 95%] Building CXX object caffe2/CMakeFiles/utility_ops_test.dir/operators/utility_ops_test.cc.o
Linking CXX executable binaries/utility_ops_test
[ 95%] Built target utility_ops_test
Scanning dependencies of target workspace_test
[ 96%] Building CXX object caffe2/CMakeFiles/workspace_test.dir/core/workspace_test.cc.o
Linking CXX executable binaries/workspace_test
[ 96%] Built target workspace_test
Scanning dependencies of target convert_caffe_image_db
[ 96%] Building CXX object caffe2/binaries/CMakeFiles/convert_caffe_image_db.dir/convert_caffe_image_db.cc.o
Linking CXX executable binaries/convert_caffe_image_db
[ 96%] Built target convert_caffe_image_db
Scanning dependencies of target convert_db
[ 96%] Building CXX object caffe2/binaries/CMakeFiles/convert_db.dir/convert_db.cc.o
Linking CXX executable binaries/convert_db
[ 96%] Built target convert_db
Scanning dependencies of target db_throughput
[ 96%] Building CXX object caffe2/binaries/CMakeFiles/db_throughput.dir/db_throughput.cc.o
Linking CXX executable binaries/db_throughput
[ 96%] Built target db_throughput
Scanning dependencies of target inspect_gpus
[ 97%] Building CXX object caffe2/binaries/CMakeFiles/inspect_gpus.dir/inspect_gpus.cc.o
Linking CXX executable binaries/inspect_gpus
[ 97%] Built target inspect_gpus
Scanning dependencies of target make_cifar_db
[ 97%] Building CXX object caffe2/binaries/CMakeFiles/make_cifar_db.dir/make_cifar_db.cc.o
Linking CXX executable binaries/make_cifar_db
[ 97%] Built target make_cifar_db
Scanning dependencies of target make_image_db
[ 97%] Building CXX object caffe2/binaries/CMakeFiles/make_image_db.dir/make_image_db.cc.o
Linking CXX executable binaries/make_image_db
[ 97%] Built target make_image_db
Scanning dependencies of target make_mnist_db
[ 98%] Building CXX object caffe2/binaries/CMakeFiles/make_mnist_db.dir/make_mnist_db.cc.o
Linking CXX executable binaries/make_mnist_db
[ 98%] Built target make_mnist_db
Scanning dependencies of target predictor_verifier
[ 98%] Building CXX object caffe2/binaries/CMakeFiles/predictor_verifier.dir/predictor_verifier.cc.o
Linking CXX executable binaries/predictor_verifier
[ 98%] Built target predictor_verifier
Scanning dependencies of target print_core_object_sizes
[ 98%] Building CXX object caffe2/binaries/CMakeFiles/print_core_object_sizes.dir/print_core_object_sizes.cc.o
Linking CXX executable binaries/print_core_object_sizes
[ 98%] Built target print_core_object_sizes
Scanning dependencies of target print_registered_core_operators
[ 99%] Building CXX object caffe2/binaries/CMakeFiles/print_registered_core_operators.dir/print_registered_core_operators.cc.o
Linking CXX executable binaries/print_registered_core_operators
[ 99%] Built target print_registered_core_operators
Scanning dependencies of target run_plan
[ 99%] Building CXX object caffe2/binaries/CMakeFiles/run_plan.dir/run_plan.cc.o
Linking CXX executable binaries/run_plan
[ 99%] Built target run_plan
Scanning dependencies of target run_plan_mpi
[ 99%] Building CXX object caffe2/binaries/CMakeFiles/run_plan_mpi.dir/run_plan_mpi.cc.o
Linking CXX executable binaries/run_plan_mpi
[ 99%] Built target run_plan_mpi
Scanning dependencies of target speed_benchmark
[ 99%] Building CXX object caffe2/binaries/CMakeFiles/speed_benchmark.dir/speed_benchmark.cc.o
Linking CXX executable binaries/speed_benchmark
[ 99%] Built target speed_benchmark
Scanning dependencies of target split_db
[ 99%] Building CXX object caffe2/binaries/CMakeFiles/split_db.dir/split_db.cc.o
Linking CXX executable binaries/split_db
[ 99%] Built target split_db
Scanning dependencies of target tutorial_blob
[100%] Building CXX object caffe2/binaries/CMakeFiles/tutorial_blob.dir/tutorial_blob.cc.o
Linking CXX executable binaries/tutorial_blob
[100%] Built target tutorial_blob
Install the project...
-- Install configuration: "Release"
-- Installing: /home/gi75/i75012/dl/caffe2/local/lib/libgmock.so
-- Installing: /home/gi75/i75012/dl/caffe2/local/lib/libgmock_main.so
-- Installing: /home/gi75/i75012/dl/caffe2/local/include/gmock
-- Installing: /home/gi75/i75012/dl/caffe2/local/include/gmock/gmock-matchers.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include/gmock/gmock-generated-nice-strict.h.pump
-- Installing: /home/gi75/i75012/dl/caffe2/local/include/gmock/gmock-generated-matchers.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include/gmock/internal
-- Installing: /home/gi75/i75012/dl/caffe2/local/include/gmock/internal/gmock-internal-utils.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include/gmock/internal/gmock-generated-internal-utils.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include/gmock/internal/gmock-generated-internal-utils.h.pump
-- Installing: /home/gi75/i75012/dl/caffe2/local/include/gmock/internal/gmock-port.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include/gmock/internal/custom
-- Installing: /home/gi75/i75012/dl/caffe2/local/include/gmock/internal/custom/gmock-matchers.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include/gmock/internal/custom/gmock-generated-actions.h.pump
-- Installing: /home/gi75/i75012/dl/caffe2/local/include/gmock/internal/custom/gmock-generated-actions.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include/gmock/internal/custom/gmock-port.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include/gmock/gmock-spec-builders.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include/gmock/gmock.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include/gmock/gmock-generated-nice-strict.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include/gmock/gmock-generated-function-mockers.h.pump
-- Installing: /home/gi75/i75012/dl/caffe2/local/include/gmock/gmock-generated-function-mockers.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include/gmock/gmock-more-matchers.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include/gmock/gmock-generated-actions.h.pump
-- Installing: /home/gi75/i75012/dl/caffe2/local/include/gmock/gmock-actions.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include/gmock/gmock-generated-actions.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include/gmock/gmock-more-actions.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include/gmock/gmock-cardinalities.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include/gmock/gmock-generated-matchers.h.pump
-- Installing: /home/gi75/i75012/dl/caffe2/local/lib/libgtest.so
-- Removed runtime path from "/home/gi75/i75012/dl/caffe2/local/lib/libgtest.so"
-- Installing: /home/gi75/i75012/dl/caffe2/local/lib/libgtest_main.so
-- Removed runtime path from "/home/gi75/i75012/dl/caffe2/local/lib/libgtest_main.so"
-- Installing: /home/gi75/i75012/dl/caffe2/local/include/gtest
-- Installing: /home/gi75/i75012/dl/caffe2/local/include/gtest/gtest-param-test.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include/gtest/gtest-printers.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include/gtest/gtest_prod.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include/gtest/internal
-- Installing: /home/gi75/i75012/dl/caffe2/local/include/gtest/internal/gtest-param-util-generated.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include/gtest/internal/gtest-type-util.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include/gtest/internal/gtest-string.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include/gtest/internal/gtest-type-util.h.pump
-- Installing: /home/gi75/i75012/dl/caffe2/local/include/gtest/internal/gtest-port.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include/gtest/internal/gtest-internal.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include/gtest/internal/gtest-param-util.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include/gtest/internal/gtest-param-util-generated.h.pump
-- Installing: /home/gi75/i75012/dl/caffe2/local/include/gtest/internal/gtest-filepath.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include/gtest/internal/gtest-tuple.h.pump
-- Installing: /home/gi75/i75012/dl/caffe2/local/include/gtest/internal/gtest-tuple.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include/gtest/internal/gtest-death-test-internal.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include/gtest/internal/custom
-- Installing: /home/gi75/i75012/dl/caffe2/local/include/gtest/internal/custom/gtest-printers.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include/gtest/internal/custom/gtest-port.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include/gtest/internal/custom/gtest.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include/gtest/internal/gtest-port-arch.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include/gtest/internal/gtest-linked_ptr.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include/gtest/gtest-spi.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include/gtest/gtest.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include/gtest/gtest-param-test.h.pump
-- Installing: /home/gi75/i75012/dl/caffe2/local/include/gtest/gtest-typed-test.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include/gtest/gtest_pred_impl.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include/gtest/gtest-test-part.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include/gtest/gtest-death-test.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include/gtest/gtest-message.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/lib/libbenchmark.so.0.0.0
-- Installing: /home/gi75/i75012/dl/caffe2/local/lib/libbenchmark.so.0
-- Installing: /home/gi75/i75012/dl/caffe2/local/lib/libbenchmark.so
-- Installing: /home/gi75/i75012/dl/caffe2/local/include/benchmark
-- Installing: /home/gi75/i75012/dl/caffe2/local/include/benchmark/benchmark_api.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include/benchmark/macros.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include/benchmark/benchmark.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include/benchmark/reporter.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include/caffe/proto/caffe.pb.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/lib/libCaffe2_CPU.so
-- Removed runtime path from "/home/gi75/i75012/dl/caffe2/local/lib/libCaffe2_CPU.so"
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/transforms
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/transforms/conv_to_nnpack_transform.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/transforms/single_op_transform.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/transforms/pattern_net_transform.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/experiments
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/experiments/python
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/experiments/operators
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/experiments/operators/sparse_funhash_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/experiments/operators/fully_connected_op_sparse.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/experiments/operators/fully_connected_op_prune.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/experiments/operators/fully_connected_op_decomposition.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/experiments/operators/tt_contraction_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/experiments/operators/funhash_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/experiments/operators/sparse_matrix_reshape_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/experiments/operators/tt_pad_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/contrib
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/contrib/libopencl-stub
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/contrib/libopencl-stub/include
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/contrib/libopencl-stub/include/libopencl.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/contrib/libopencl-stub/include/CL
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/contrib/libopencl-stub/include/CL/cl_gl.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/contrib/libopencl-stub/include/CL/cl_gl_ext.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/contrib/libopencl-stub/include/CL/cl.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/contrib/libopencl-stub/include/CL/cl_platform.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/contrib/libopencl-stub/include/CL/opencl.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/contrib/libopencl-stub/include/CL/cl_ext.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/contrib/libopencl-stub/src
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/contrib/nccl
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/contrib/nccl/cuda_nccl_gpu.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/contrib/gloo
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/contrib/gloo/barrier_ops.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/contrib/gloo/store_handler.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/contrib/gloo/context.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/contrib/gloo/broadcast_ops.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/contrib/gloo/common_world_ops.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/contrib/gloo/allreduce_ops.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/contrib/gloo/common.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/contrib/opengl
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/contrib/opengl/core
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/contrib/opengl/core/GLPredictor.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/contrib/opengl/core/ImageAllocator.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/contrib/opengl/core/GLContext.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/contrib/opengl/core/GL.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/contrib/opengl/core/GLPBO.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/contrib/opengl/core/GLLogging.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/contrib/opengl/core/arm_neon_support.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/contrib/opengl/core/GLPlainTexture.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/contrib/opengl/core/GLFilter.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/contrib/opengl/core/GLImage.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/contrib/opengl/core/GLTexture.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/contrib/opengl/core/DataTransfer.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/contrib/opengl/core/GLImageAllocator.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/contrib/opengl/core/rewrite_net.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/contrib/opengl/ios
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/contrib/opengl/ios/IOSGLImageAllocator.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/contrib/opengl/ios/IOSGLTexture.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/contrib/opengl/ios/IOSGLContext.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/contrib/opengl/test
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/contrib/opengl/test/opengl_test.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/contrib/opengl/test/TestGLConvolution.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/contrib/opengl/android
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/contrib/opengl/android/arm_neon_support.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/contrib/opengl/android/gl3stub.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/contrib/opengl/android/AndroidGLContext.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/contrib/opengl/operators
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/contrib/snpe_op
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/contrib/prof
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/contrib/prof/prof_dag_net.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/contrib/prof/prof_dag_stats_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/contrib/prof/htrace_conf.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/contrib/nnpack
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/contrib/observers
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/contrib/observers/time_observer.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/contrib/snpe-fb
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/contrib/snpe-fb/snpe_ffi.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/contrib/docker-ubuntu-14.04
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/contrib/ios
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/contrib/ios/ios_caffe_predictor.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/contrib/ios/mpscnn
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/contrib/ios/mpscnn/mpscnn_kernels.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/contrib/ios/mpscnn/mpscnn_test.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/contrib/ios/mpscnn/mpscnn_context.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/contrib/ios/mpscnn/mpscnn.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/contrib/ios/mpscnn/mpscnn_graph_mask.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/contrib/ios/ios_caffe_defines.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/contrib/ios/ios_caffe.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/contrib/shm_mutex
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/contrib/shm_mutex/shm_mutex.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/contrib/nervana
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/contrib/nervana/nervana_c_api.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/contrib/nervana/nervana.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/contrib/warpctc
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/contrib/warpctc/ctc_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/contrib/torch
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/contrib/torch/torch_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/video
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/video/video_io.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/video/video_decoder.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/video/video_input_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/.travis
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/sgd
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/sgd/adagrad_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/sgd/adam_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/sgd/learning_rate_functors.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/sgd/rmsprop_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/sgd/momentum_sgd_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/sgd/ftrl_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/sgd/learning_rate_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/sgd/iter_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/cuda_rtc
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/cuda_rtc/common_rtc.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/proto
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/distributed
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/distributed/file_store_handler_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/distributed/store_handler.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/distributed/redis_store_handler.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/distributed/redis_store_handler_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/distributed/file_store_handler.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/distributed/store_ops.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/python
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/python/predictor
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/python/modeling
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/python/examples
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/python/pybind_state.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/python/rnn
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/python/operator_test
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/python/mint
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/python/mint/templates
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/python/mint/static
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/python/mint/static/css
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/python/tutorials
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/python/tutorials/images
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/python/tutorials/experimental
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/python/mkl
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/python/models
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/python/models/seq2seq
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/python/layers
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/python/helpers
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/python/docs
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/image
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/image/image_input_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/image/transform_gpu.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/queue
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/queue/blobs_queue.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/queue/blobs_queue_db.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/queue/rebatching_queue_ops.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/queue/rebatching_queue.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/queue/queue_ops.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/utils
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/utils/smart_tensor_printer.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/utils/math-detail.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/utils/cpu_neon.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/utils/conversions.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/utils/string_utils.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/utils/cblas.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/utils/threadpool
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/utils/threadpool/pthreadpool.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/utils/threadpool/pthreadpool_impl.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/utils/threadpool/ThreadPoolCommon.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/utils/threadpool/ThreadPool.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/utils/cast.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/utils/proto_utils.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/utils/cpuid.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/utils/zmq_helper.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/utils/murmur_hash3.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/utils/signal_handler.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/utils/thread_pool.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/utils/math.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/utils/simple_queue.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/utils/fixed_divisor.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/core
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/core/memonger.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/core/static_tracepoint_elfx86.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/core/context_gpu.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/core/transform.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/core/plan_executor.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/core/db.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/core/timer.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/core/static_tracepoint.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/core/stats.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/core/asan.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/core/scope_guard.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/core/init.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/core/operator.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/core/common_cudnn.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/core/typeid.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/core/workspace.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/core/blob.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/core/observer.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/core/allocator.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/core/net.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/core/blob_stats.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/core/tensor.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/core/blob_serialization.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/core/graph.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/core/macros.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/core/qtensor.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/core/logging.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/core/common_omp.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/core/common_gpu.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/core/registry.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/core/operator_schema.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/core/context.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/core/flags.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/core/operator_gradient.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/core/qtensor_serialization.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/core/logging_is_not_google_glog.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/core/types.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/core/net_gpu.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/core/blob_serializer_base.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/core/logging_is_google_glog.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/core/predictor.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/core/common.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/binaries
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/db
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/db/create_db_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/mkl
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/mkl/utils
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/mkl/utils/mkl_version_check.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/mkl/utils/mkl_operator.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/mkl/utils/mkl_dnn_cppwrapper.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/mkl/utils/mkl_memory.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/mkl/utils/mkl_context.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/mkl/utils/sgemm_pack.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/mkl/mkl_utils.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/mkl/operators
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/mkl/operators/operator_fallback_mkl.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/test
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/test/assets
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/perfkernels
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/perfkernels/typed_axpy.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/perfkernels/cvtsh_ss_bugfix.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/perfkernels/embedding_lookup.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/perfkernels/common.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/mpi
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/mpi/mpi_common.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/mpi/mpi_ops.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/dataset_ops.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/counter_ops.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/given_tensor_fill_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/conv_op_cache_cudnn.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/feed_blob_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/concat_split_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/no_default_engine_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/conv_transpose_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/zero_gradient_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/cast_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/elementwise_linear_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/distance_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/pool_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/string_ops.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/loss_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/batch_box_cox_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/top_k.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/softmax_shared.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/relu_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/conv_transpose_op_mobile_impl.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/rank_loss_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/elementwise_op_test.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/pack_rnn_sequence_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/max_pool_with_index.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/leaky_relu_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/conv_op_impl.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/reduction_ops.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/instance_norm_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/margin_ranking_criterion_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/gru_unit_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/reshape_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/remove_data_blocks_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/im2col_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/conv_transpose_op_mobile.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/boolean_mask_ops.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/accumulate_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/spatial_softmax_with_loss_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/tt_linear_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/sparse_to_dense_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/conv_op_shared.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/utility_ops.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/cross_entropy_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/normalize_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/conv_transpose_unpool_op_base.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/softmax_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/scale_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/recurrent_network_blob_fetcher_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/tile_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/half_float_ops.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/summarize_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/transpose_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/local_response_normalization_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/index_hash_ops.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/math_ops.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/h_softmax_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/clip_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/space_batch_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/softmax_with_loss_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/piecewise_linear_transform_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/matmul_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/batch_matmul_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/text_file_reader_utils.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/load_save_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/lengths_reducer_ops.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/lpnorm_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/tensor_protos_db_input.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/replace_nan_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/find_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/cosine_embedding_criterion_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/recurrent_op_cudnn.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/boolean_unmask_ops.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/prefetch_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/conv_transpose_op_impl.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/fully_connected_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/operator_fallback_gpu.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/recurrent_network_executor.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/sinusoid_position_encoding_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/stop_gradient.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/free_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/roi_pool_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/lengths_top_k_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/pad_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/spatial_batch_norm_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/accuracy_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/conv_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/pack_segments.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/perplexity_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/resize_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/prelu_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/lengths_tile_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/reducer_functors.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/apmeter_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/partition_ops.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/elementwise_logical_ops.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/segment_reduction_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/lstm_unit_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/elementwise_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/reverse_packed_segs_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/conv_pool_op_base.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/filler_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/recurrent_network_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/dropout_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/softplus_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/sparse_to_dense_mask_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/rowmul_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/order_switch_ops.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/sequence_ops.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/one_hot_ops.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/map_ops.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/square_root_divide_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/find_duplicate_elements_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/elu_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/batch_gather_ops.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include//caffe2/operators/multi_class_accuracy_op.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include/caffe2/core/macros.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/lib/libCaffe2_GPU.so
-- Removed runtime path from "/home/gi75/i75012/dl/caffe2/local/lib/libCaffe2_GPU.so"
-- Installing: /home/gi75/i75012/dl/caffe2/local/test/context_test
-- Removed runtime path from "/home/gi75/i75012/dl/caffe2/local/test/context_test"
-- Installing: /home/gi75/i75012/dl/caffe2/local/test/init_test
-- Removed runtime path from "/home/gi75/i75012/dl/caffe2/local/test/init_test"
-- Installing: /home/gi75/i75012/dl/caffe2/local/test/logging_test
-- Removed runtime path from "/home/gi75/i75012/dl/caffe2/local/test/logging_test"
-- Installing: /home/gi75/i75012/dl/caffe2/local/test/workspace_test
-- Removed runtime path from "/home/gi75/i75012/dl/caffe2/local/test/workspace_test"
-- Installing: /home/gi75/i75012/dl/caffe2/local/test/graph_test
-- Removed runtime path from "/home/gi75/i75012/dl/caffe2/local/test/graph_test"
-- Installing: /home/gi75/i75012/dl/caffe2/local/test/registry_test
-- Removed runtime path from "/home/gi75/i75012/dl/caffe2/local/test/registry_test"
-- Installing: /home/gi75/i75012/dl/caffe2/local/test/operator_test
-- Removed runtime path from "/home/gi75/i75012/dl/caffe2/local/test/operator_test"
-- Installing: /home/gi75/i75012/dl/caffe2/local/test/net_test
-- Removed runtime path from "/home/gi75/i75012/dl/caffe2/local/test/net_test"
-- Installing: /home/gi75/i75012/dl/caffe2/local/test/parallel_net_test
-- Removed runtime path from "/home/gi75/i75012/dl/caffe2/local/test/parallel_net_test"
-- Installing: /home/gi75/i75012/dl/caffe2/local/test/predictor_test
-- Removed runtime path from "/home/gi75/i75012/dl/caffe2/local/test/predictor_test"
-- Installing: /home/gi75/i75012/dl/caffe2/local/test/observer_test
-- Removed runtime path from "/home/gi75/i75012/dl/caffe2/local/test/observer_test"
-- Installing: /home/gi75/i75012/dl/caffe2/local/test/typeid_test
-- Removed runtime path from "/home/gi75/i75012/dl/caffe2/local/test/typeid_test"
-- Installing: /home/gi75/i75012/dl/caffe2/local/test/stats_test
-- Removed runtime path from "/home/gi75/i75012/dl/caffe2/local/test/stats_test"
-- Installing: /home/gi75/i75012/dl/caffe2/local/test/timer_test
-- Removed runtime path from "/home/gi75/i75012/dl/caffe2/local/test/timer_test"
-- Installing: /home/gi75/i75012/dl/caffe2/local/test/blob_test
-- Removed runtime path from "/home/gi75/i75012/dl/caffe2/local/test/blob_test"
-- Installing: /home/gi75/i75012/dl/caffe2/local/test/operator_schema_test
-- Removed runtime path from "/home/gi75/i75012/dl/caffe2/local/test/operator_schema_test"
-- Installing: /home/gi75/i75012/dl/caffe2/local/test/transform_test
-- Removed runtime path from "/home/gi75/i75012/dl/caffe2/local/test/transform_test"
-- Installing: /home/gi75/i75012/dl/caffe2/local/test/mpi_test
-- Removed runtime path from "/home/gi75/i75012/dl/caffe2/local/test/mpi_test"
-- Installing: /home/gi75/i75012/dl/caffe2/local/test/fully_connected_op_test
-- Removed runtime path from "/home/gi75/i75012/dl/caffe2/local/test/fully_connected_op_test"
-- Installing: /home/gi75/i75012/dl/caffe2/local/test/utility_ops_test
-- Removed runtime path from "/home/gi75/i75012/dl/caffe2/local/test/utility_ops_test"
-- Installing: /home/gi75/i75012/dl/caffe2/local/test/string_ops_test
-- Removed runtime path from "/home/gi75/i75012/dl/caffe2/local/test/string_ops_test"
-- Installing: /home/gi75/i75012/dl/caffe2/local/test/boolean_unmask_ops_test
-- Removed runtime path from "/home/gi75/i75012/dl/caffe2/local/test/boolean_unmask_ops_test"
-- Installing: /home/gi75/i75012/dl/caffe2/local/test/text_file_reader_utils_test
-- Removed runtime path from "/home/gi75/i75012/dl/caffe2/local/test/text_file_reader_utils_test"
-- Installing: /home/gi75/i75012/dl/caffe2/local/test/elementwise_op_test
-- Removed runtime path from "/home/gi75/i75012/dl/caffe2/local/test/elementwise_op_test"
-- Installing: /home/gi75/i75012/dl/caffe2/local/test/conv_transpose_op_mobile_test
-- Removed runtime path from "/home/gi75/i75012/dl/caffe2/local/test/conv_transpose_op_mobile_test"
-- Installing: /home/gi75/i75012/dl/caffe2/local/test/conv_to_nnpack_transform_test
-- Removed runtime path from "/home/gi75/i75012/dl/caffe2/local/test/conv_to_nnpack_transform_test"
-- Installing: /home/gi75/i75012/dl/caffe2/local/test/pattern_net_transform_test
-- Removed runtime path from "/home/gi75/i75012/dl/caffe2/local/test/pattern_net_transform_test"
-- Installing: /home/gi75/i75012/dl/caffe2/local/test/smart_tensor_printer_test
-- Removed runtime path from "/home/gi75/i75012/dl/caffe2/local/test/smart_tensor_printer_test"
-- Installing: /home/gi75/i75012/dl/caffe2/local/test/simple_queue_test
-- Removed runtime path from "/home/gi75/i75012/dl/caffe2/local/test/simple_queue_test"
-- Installing: /home/gi75/i75012/dl/caffe2/local/test/fixed_divisor_test
-- Removed runtime path from "/home/gi75/i75012/dl/caffe2/local/test/fixed_divisor_test"
-- Installing: /home/gi75/i75012/dl/caffe2/local/test/fatal_signal_asan_no_sig_test
-- Removed runtime path from "/home/gi75/i75012/dl/caffe2/local/test/fatal_signal_asan_no_sig_test"
-- Installing: /home/gi75/i75012/dl/caffe2/local/test/proto_utils_test
-- Removed runtime path from "/home/gi75/i75012/dl/caffe2/local/test/proto_utils_test"
-- Installing: /home/gi75/i75012/dl/caffe2/local/test/cpuid_test
-- Removed runtime path from "/home/gi75/i75012/dl/caffe2/local/test/cpuid_test"
-- Installing: /home/gi75/i75012/dl/caffe2/local/test/math_test
-- Removed runtime path from "/home/gi75/i75012/dl/caffe2/local/test/math_test"
-- Installing: /home/gi75/i75012/dl/caffe2/local/test/blob_gpu_test
-- Removed runtime path from "/home/gi75/i75012/dl/caffe2/local/test/blob_gpu_test"
-- Installing: /home/gi75/i75012/dl/caffe2/local/test/context_gpu_test
-- Removed runtime path from "/home/gi75/i75012/dl/caffe2/local/test/context_gpu_test"
-- Installing: /home/gi75/i75012/dl/caffe2/local/test/mpi_gpu_test
-- Removed runtime path from "/home/gi75/i75012/dl/caffe2/local/test/mpi_gpu_test"
-- Installing: /home/gi75/i75012/dl/caffe2/local/test/conv_op_cache_cudnn_test
-- Removed runtime path from "/home/gi75/i75012/dl/caffe2/local/test/conv_op_cache_cudnn_test"
-- Installing: /home/gi75/i75012/dl/caffe2/local/test/fully_connected_op_gpu_test
-- Removed runtime path from "/home/gi75/i75012/dl/caffe2/local/test/fully_connected_op_gpu_test"
-- Installing: /home/gi75/i75012/dl/caffe2/local/test/elementwise_op_gpu_test
-- Removed runtime path from "/home/gi75/i75012/dl/caffe2/local/test/elementwise_op_gpu_test"
-- Installing: /home/gi75/i75012/dl/caffe2/local/test/operator_fallback_gpu_test
-- Removed runtime path from "/home/gi75/i75012/dl/caffe2/local/test/operator_fallback_gpu_test"
-- Installing: /home/gi75/i75012/dl/caffe2/local/test/reshape_op_gpu_test
-- Removed runtime path from "/home/gi75/i75012/dl/caffe2/local/test/reshape_op_gpu_test"
-- Installing: /home/gi75/i75012/dl/caffe2/local/test/utility_ops_gpu_test
-- Removed runtime path from "/home/gi75/i75012/dl/caffe2/local/test/utility_ops_gpu_test"
-- Installing: /home/gi75/i75012/dl/caffe2/local/test/math_gpu_test
-- Removed runtime path from "/home/gi75/i75012/dl/caffe2/local/test/math_gpu_test"
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/caffe2_pybind11_state.so
-- Removed runtime path from "/home/gi75/i75012/dl/caffe2/local/caffe2/python/caffe2_pybind11_state.so"
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/caffe2_pybind11_state_gpu.so
-- Removed runtime path from "/home/gi75/i75012/dl/caffe2/local/caffe2/python/caffe2_pybind11_state_gpu.so"
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/transforms
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/transforms/CMakeFiles
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/experiments
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/experiments/__init__.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/experiments/python
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/experiments/python/device_reduce_sum_bench.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/experiments/python/funhash_op_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/experiments/python/net_construct_bench.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/experiments/python/__init__.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/experiments/python/sparse_funhash_op_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/experiments/python/sparse_reshape_op_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/experiments/python/convnet_benchmarks.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/experiments/python/SparseTransformer.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/experiments/python/tt_pad_op_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/experiments/python/tt_contraction_op_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/__init__.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/contrib
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/contrib/nccl
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/contrib/nccl/__init__.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/contrib/nccl/nccl_ops_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/contrib/nccl/CMakeFiles
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/contrib/gloo
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/contrib/gloo/__init__.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/contrib/gloo/gloo_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/contrib/gloo/CMakeFiles
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/contrib/__init__.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/contrib/opengl
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/contrib/opengl/CMakeFiles
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/contrib/prof
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/contrib/prof/__init__.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/contrib/prof/cuda_profile_ops_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/contrib/prof/htrace_to_chrome.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/contrib/nnpack
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/contrib/nnpack/__init__.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/contrib/nnpack/nnpack_ops_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/contrib/nnpack/CMakeFiles
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/contrib/observers
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/contrib/observers/CMakeFiles
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/contrib/ios
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/contrib/ios/CMakeFiles
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/contrib/shm_mutex
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/contrib/shm_mutex/CMakeFiles
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/contrib/warpctc
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/contrib/warpctc/ctc_ops_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/contrib/warpctc/__init__.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/contrib/CMakeFiles
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/contrib/torch
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/contrib/torch/th_ops_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/contrib/torch/__init__.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/contrib/torch/torch_ops_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/video
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/video/CMakeFiles
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/sgd
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/sgd/CMakeFiles
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/cuda_rtc
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/cuda_rtc/CMakeFiles
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/proto
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/proto/hsm_pb2.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/proto/__init__.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/proto/prof_dag_pb2.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/proto/caffe2_pb2.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/proto/caffe2_legacy_pb2.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/proto/predictor_consts_pb2.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/proto/CMakeFiles
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/proto/CMakeFiles/Caffe2_PROTO.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/proto/metanet_pb2.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/distributed
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/distributed/__init__.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/distributed/redis_store_handler_op_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/distributed/file_store_handler_op_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/distributed/store_ops_test_util.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/distributed/CMakeFiles
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/device_checker.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/optimizer_test_util.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/parallelize_gpu_bmuf_distributed_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/checkpoint_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/layer_model_helper.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/scope_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/task.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/muji_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/core_gradients_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/core_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/sparse_to_dense_mask_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/timeout_guard.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/pipeline.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/mkl_test_util.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/text_file_reader.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/scope.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/python_op_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/record_queue.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/predictor
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/predictor/__init__.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/predictor/mobile_exporter_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/predictor/predictor_py_utils.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/predictor/serde.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/predictor/predictor_exporter_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/predictor/predictor_exporter.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/predictor/mobile_exporter.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/modeling
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/modeling/parameter_sharing.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/modeling/__init__.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/modeling/parameter_sharing_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/modeling/initializers_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/modeling/initializers.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/modeling/parameter_info.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/rnn_cell.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/caffe_translator.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/recurrent.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/lstm_benchmark.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/dataset.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/__init__.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/model_device_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/test_util.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/dataio.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/examples
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/examples/__init__.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/examples/char_rnn.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/examples/resnet50_trainer.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/examples/lmdb_create_example.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/hypothesis_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/binarysize.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/hypothesis_test_util.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/crf.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/_import_c_extension.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/db_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/net_drawer.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/dyndep.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/rnn
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/rnn/lstm_comparison.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/rnn/__init__.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/rnn/rnn_cell_test_util.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/layer_parameter_sharing_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/caffe_translator_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/load_save_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/gru_cell.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/data_parallel_model_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/context.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/layers_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/brew_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/queue_util.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/predictor_constants.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/control.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/gradient_checker.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/record_queue_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/reduction_ops_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/piecewise_linear_transform_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/recurrent_network_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/checkpoint_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/spatial_bn_op_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/sparse_gradient_checker_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/reduce_ops_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/elementwise_op_broadcast_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/resize_op_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/boolean_unmask_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/dropout_op_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/gru_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/loss_ops_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/python_op_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/margin_ranking_criterion_op_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/lpnorm_op_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/partition_ops_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/reshape_ops_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/emptysample_ops_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/text_file_reader_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/pack_ops_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/im2col_col2im_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/rebatching_queue_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/matmul_op_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/copy_ops_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/conv_transpose_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/sparse_ops_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/__init__.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/cross_entropy_ops_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/apmeter_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/stats_ops_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/lengths_top_k_ops_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/clip_op_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/duplicate_operands_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/string_ops_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/pooling_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/video_input_op_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/softplus_op_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/rank_loss_operator_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/dataset_ops_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/distance_op_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/index_hash_ops_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/adam_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/elementwise_logical_ops_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/sparse_lengths_sum_benchmark.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/mkl_conv_op_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/gather_ops_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/elementwise_ops_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/relu_op_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/adagrad_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/utility_ops_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/tile_op_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/momentum_sgd_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/cosine_embedding_criterion_op_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/sparse_to_dense_mask_op_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/index_ops_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/one_hot_ops_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/specialized_segment_ops_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/softmax_ops_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/find_op_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/filler_ops_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/shape_inference_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/mkl_packed_fc_op_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/top_k_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/pack_rnn_sequence_op_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/rnn_cell_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/group_conv_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/square_root_divide_op_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/batch_box_cox_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/crf_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/blobs_queue_db_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/image_input_op_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/sequence_ops_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/gather_ranges_op_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/counter_ops_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/given_tensor_fill_op_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/activation_ops_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/atomic_ops_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/mkl_speed_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/cudnn_recurrent_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/map_ops_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/pow_op_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/conv_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/boolean_mask_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/leaky_relu_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/elementwise_linear_op_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/hsm_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/fc_operator_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/unique_uniform_fill_op_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/lengths_tile_op_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/extend_tensor_op_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/sinusoid_position_encoding_op_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/mpi_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/pad_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/normalize_op_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/segment_ops_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/instance_norm_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/net_builder.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/mint
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/mint/__init__.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/mint/app.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/session_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/optimizer_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/brew.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/net_printer_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/utils.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/core.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/gradient_check_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/extension_loader.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/optimizer_context.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/parallel_workers.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/net_printer.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/tutorials
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/tutorials/__init__.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/tutorials/helpers.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/convnet_benchmarks.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/memonger.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/schema.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/context_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/data_workers_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/mkl
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/mkl/mkl_fc_speed_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/mkl/mkl_fc_op_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/mkl/__init__.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/mkl/mkl_fill_op_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/mkl/mkl_LRN_speed_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/mkl/mkl_copy_op_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/mkl/mkl_elementwise_sum_op_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/mkl/mkl_pool_op_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/mkl/mkl_conv_op_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/mkl/rewrite_graph.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/mkl/rewrite_graph_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/mkl/convnet_benchmarks.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/mkl/mkl_speed_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/mkl/mkl_sbn_op_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/mkl/mkl_relu_op_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/mkl/mkl_LRN_op_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/mkl/mkl_pool_speed_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/mkl/mkl_sbn_speed_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/embedding_generation_benchmark.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/schema_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/control_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/data_workers.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/model_helper.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/layer_model_instantiator.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/visualize.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/hsm_util.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/dataio_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/experiment_util.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/allcompare_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/models
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/models/download.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/models/seq2seq
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/models/seq2seq/beam_search.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/models/seq2seq/seq2seq_util.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/models/seq2seq/__init__.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/models/seq2seq/seq2seq_model_helper.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/models/seq2seq/seq2seq_beam_search_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/models/seq2seq/seq2seq_model_helper_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/models/seq2seq/translate.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/models/seq2seq/train.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/models/__init__.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/models/resnet.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/models/resnet_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/models/__sym_init__.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/tt_core_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/attention.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/optimizer.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/memonger_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/muji.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/net_builder_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/workspace_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/cnn.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/CMakeFiles
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/checkpoint.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/data_parallel_model.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/workspace.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/layers
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/layers/tags.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/layers/sparse_feature_hash.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/layers/semi_random_features.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/layers/gather_record.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/layers/__init__.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/layers/random_fourier_features.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/layers/sampling_trainable_mixin.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/layers/sampling_train.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/layers/dot_product.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/layers/batch_normalization.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/layers/functional.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/layers/split.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/layers/add_bias.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/layers/fc_without_bias.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/layers/fc.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/layers/position_weighted.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/layers/batch_mse_loss.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/layers/concat.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/layers/batch_softmax_loss.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/layers/reservoir_sampling.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/layers/batch_lr_loss.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/layers/sparse_lookup.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/layers/pairwise_dot_product.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/layers/last_n_window_collector.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/layers/batch_distill_lr_loss.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/layers/arc_cosine_feature_map.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/layers/dropout.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/layers/uniform_sampling.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/layers/layers.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/layers/build_index.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/layers/feature_sparse_to_dense.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/layers/conv.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/layers/batch_sigmoid_cross_entropy_loss.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/layers/select_record_by_context.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/helpers
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/helpers/tools.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/helpers/algebra.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/helpers/__init__.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/helpers/array_helpers.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/helpers/normalization.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/helpers/fc.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/helpers/nonlinearity.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/helpers/elementwise_linear.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/helpers/arg_scope.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/helpers/dropout.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/helpers/conv.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/helpers/pooling.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/helpers/train.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/session.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/layer_test_util.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/tt_core.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/docs
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/docs/parser.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/docs/__init__.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/docs/github.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/docs/generator.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/docs/formatter.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/convnet_benchmarks_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/toy_regression_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/parallel_workers_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/image
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/image/CMakeFiles
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/queue
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/queue/CMakeFiles
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/utils
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/utils/CMakeFiles
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/core
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/core/CMakeFiles
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/binaries
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/binaries/binaries
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/binaries/CMakeFiles
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/binaries/CMakeFiles/make_cifar_db.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/binaries/CMakeFiles/predictor_verifier.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/binaries/CMakeFiles/convert_caffe_image_db.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/binaries/CMakeFiles/print_core_object_sizes.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/binaries/CMakeFiles/make_image_db.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/binaries/CMakeFiles/split_db.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/binaries/CMakeFiles/run_plan_mpi.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/binaries/CMakeFiles/convert_db.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/binaries/CMakeFiles/tutorial_blob.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/binaries/CMakeFiles/db_throughput.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/binaries/CMakeFiles/print_registered_core_operators.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/binaries/CMakeFiles/make_mnist_db.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/binaries/CMakeFiles/run_plan.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/binaries/CMakeFiles/inspect_gpus.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/binaries/CMakeFiles/speed_benchmark.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/db
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/db/CMakeFiles
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/mkl
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/mkl/CMakeFiles
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/perfkernels
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/perfkernels/CMakeFiles
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/perfkernels/CMakeFiles/Caffe2_perfkernels_avx2.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/perfkernels/CMakeFiles/Caffe2_perfkernels_avx.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/mpi
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/mpi/CMakeFiles
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/operator_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/operator_test.dir/core
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/caffe2_pybind11_state.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/caffe2_pybind11_state.dir/python
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/Caffe2_CPU.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/Caffe2_CPU.dir/transforms
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/Caffe2_CPU.dir/contrib
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/Caffe2_CPU.dir/contrib/gloo
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/Caffe2_CPU.dir/sgd
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/Caffe2_CPU.dir/distributed
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/Caffe2_CPU.dir/image
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/Caffe2_CPU.dir/queue
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/Caffe2_CPU.dir/utils
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/Caffe2_CPU.dir/utils/threadpool
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/Caffe2_CPU.dir/core
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/Caffe2_CPU.dir/db
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/Caffe2_CPU.dir/perfkernels
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/Caffe2_CPU.dir/mpi
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/Caffe2_CPU.dir/operators
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/Caffe2_GPU.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/Caffe2_GPU.dir/contrib
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/Caffe2_GPU.dir/contrib/nccl
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/Caffe2_GPU.dir/contrib/gloo
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/Caffe2_GPU.dir/sgd
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/Caffe2_GPU.dir/cuda_rtc
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/Caffe2_GPU.dir/distributed
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/Caffe2_GPU.dir/image
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/Caffe2_GPU.dir/queue
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/Caffe2_GPU.dir/utils
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/Caffe2_GPU.dir/core
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/Caffe2_GPU.dir/db
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/Caffe2_GPU.dir/mpi
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/Caffe2_GPU.dir/operators
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/init_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/init_test.dir/core
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/fatal_signal_asan_no_sig_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/fatal_signal_asan_no_sig_test.dir/utils
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/parallel_net_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/parallel_net_test.dir/core
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/operator_fallback_gpu_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/operator_fallback_gpu_test.dir/operators
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/timer_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/timer_test.dir/core
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/cpuid_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/cpuid_test.dir/utils
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/conv_transpose_op_mobile_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/conv_transpose_op_mobile_test.dir/operators
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/blob_gpu_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/blob_gpu_test.dir/core
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/utility_ops_gpu_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/utility_ops_gpu_test.dir/operators
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/mpi_gpu_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/mpi_gpu_test.dir/mpi
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/elementwise_op_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/elementwise_op_test.dir/operators
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/proto_utils_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/proto_utils_test.dir/utils
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/math_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/math_test.dir/utils
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/blob_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/blob_test.dir/core
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/elementwise_op_gpu_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/elementwise_op_gpu_test.dir/operators
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/context_gpu_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/context_gpu_test.dir/core
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/predictor_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/predictor_test.dir/core
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/caffe2_pybind11_state_gpu.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/caffe2_pybind11_state_gpu.dir/python
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/registry_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/registry_test.dir/core
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/stats_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/stats_test.dir/core
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/python_copy_files.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/workspace_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/workspace_test.dir/core
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/fixed_divisor_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/fixed_divisor_test.dir/utils
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/fully_connected_op_gpu_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/fully_connected_op_gpu_test.dir/operators
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/context_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/context_test.dir/core
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/graph_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/graph_test.dir/core
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/reshape_op_gpu_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/reshape_op_gpu_test.dir/operators
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/mpi_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/mpi_test.dir/mpi
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/observer_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/observer_test.dir/core
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/math_gpu_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/math_gpu_test.dir/utils
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/fully_connected_op_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/fully_connected_op_test.dir/operators
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/net_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/net_test.dir/core
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/boolean_unmask_ops_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/boolean_unmask_ops_test.dir/operators
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/transform_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/transform_test.dir/core
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/string_ops_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/string_ops_test.dir/operators
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/text_file_reader_utils_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/text_file_reader_utils_test.dir/operators
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/pattern_net_transform_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/pattern_net_transform_test.dir/transforms
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/operator_schema_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/operator_schema_test.dir/core
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/smart_tensor_printer_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/smart_tensor_printer_test.dir/utils
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/conv_op_cache_cudnn_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/conv_op_cache_cudnn_test.dir/operators
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/conv_to_nnpack_transform_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/conv_to_nnpack_transform_test.dir/transforms
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/typeid_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/typeid_test.dir/core
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/utility_ops_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/utility_ops_test.dir/operators
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/simple_queue_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/simple_queue_test.dir/utils
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/logging_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/logging_test.dir/core
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/operators
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/operators/CMakeFiles
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe/__init__.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe/proto
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe/proto/__init__.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe/proto/caffe_pb2.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe/proto/CMakeFiles
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe/proto/CMakeFiles/Caffe_PROTO.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/transforms
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/transforms/CMakeFiles
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/experiments
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/experiments/__init__.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/experiments/python
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/experiments/python/device_reduce_sum_bench.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/experiments/python/funhash_op_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/experiments/python/net_construct_bench.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/experiments/python/__init__.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/experiments/python/sparse_funhash_op_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/experiments/python/sparse_reshape_op_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/experiments/python/convnet_benchmarks.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/experiments/python/SparseTransformer.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/experiments/python/tt_pad_op_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/experiments/python/tt_contraction_op_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/__init__.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/contrib
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/contrib/nccl
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/contrib/nccl/__init__.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/contrib/nccl/nccl_ops_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/contrib/nccl/CMakeFiles
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/contrib/gloo
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/contrib/gloo/__init__.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/contrib/gloo/gloo_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/contrib/gloo/CMakeFiles
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/contrib/__init__.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/contrib/opengl
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/contrib/opengl/CMakeFiles
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/contrib/prof
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/contrib/prof/__init__.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/contrib/prof/cuda_profile_ops_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/contrib/prof/htrace_to_chrome.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/contrib/nnpack
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/contrib/nnpack/__init__.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/contrib/nnpack/nnpack_ops_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/contrib/nnpack/CMakeFiles
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/contrib/observers
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/contrib/observers/CMakeFiles
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/contrib/ios
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/contrib/ios/CMakeFiles
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/contrib/shm_mutex
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/contrib/shm_mutex/CMakeFiles
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/contrib/warpctc
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/contrib/warpctc/ctc_ops_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/contrib/warpctc/__init__.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/contrib/CMakeFiles
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/contrib/torch
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/contrib/torch/th_ops_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/contrib/torch/__init__.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/contrib/torch/torch_ops_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/video
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/video/CMakeFiles
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/sgd
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/sgd/CMakeFiles
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/cuda_rtc
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/cuda_rtc/CMakeFiles
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/proto
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/proto/hsm_pb2.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/proto/__init__.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/proto/prof_dag_pb2.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/proto/caffe2_pb2.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/proto/caffe2_legacy_pb2.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/proto/predictor_consts_pb2.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/proto/CMakeFiles
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/proto/CMakeFiles/Caffe2_PROTO.dir
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/proto/metanet_pb2.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/distributed
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/distributed/__init__.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/distributed/redis_store_handler_op_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/distributed/file_store_handler_op_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/distributed/store_ops_test_util.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/distributed/CMakeFiles
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/device_checker.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/optimizer_test_util.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/parallelize_gpu_bmuf_distributed_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/checkpoint_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/layer_model_helper.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/scope_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/task.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/muji_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/core_gradients_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/core_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/sparse_to_dense_mask_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/timeout_guard.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/pipeline.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/mkl_test_util.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/text_file_reader.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/scope.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/python_op_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/record_queue.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/predictor
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/predictor/__init__.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/predictor/mobile_exporter_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/predictor/predictor_py_utils.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/predictor/serde.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/predictor/predictor_exporter_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/predictor/predictor_exporter.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/predictor/mobile_exporter.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/modeling
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/modeling/parameter_sharing.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/modeling/__init__.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/modeling/parameter_sharing_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/modeling/initializers_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/modeling/initializers.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/modeling/parameter_info.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/rnn_cell.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/caffe_translator.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/recurrent.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/lstm_benchmark.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/dataset.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/__init__.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/model_device_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/test_util.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/dataio.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/examples
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/examples/__init__.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/examples/char_rnn.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/examples/resnet50_trainer.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/examples/lmdb_create_example.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/hypothesis_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/binarysize.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/hypothesis_test_util.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/crf.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/_import_c_extension.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/db_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/net_drawer.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/dyndep.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/rnn
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/rnn/lstm_comparison.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/rnn/__init__.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/rnn/rnn_cell_test_util.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/layer_parameter_sharing_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/caffe_translator_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/load_save_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/gru_cell.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/data_parallel_model_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/context.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/layers_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/brew_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/queue_util.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/predictor_constants.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/control.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/gradient_checker.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/record_queue_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/reduction_ops_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/piecewise_linear_transform_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/recurrent_network_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/checkpoint_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/spatial_bn_op_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/sparse_gradient_checker_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/reduce_ops_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/elementwise_op_broadcast_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/resize_op_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/boolean_unmask_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/dropout_op_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/gru_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/loss_ops_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/python_op_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/margin_ranking_criterion_op_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/lpnorm_op_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/partition_ops_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/reshape_ops_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/emptysample_ops_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/text_file_reader_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/pack_ops_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/im2col_col2im_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/rebatching_queue_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/matmul_op_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/copy_ops_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/conv_transpose_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/sparse_ops_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/__init__.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/cross_entropy_ops_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/apmeter_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/stats_ops_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/lengths_top_k_ops_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/clip_op_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/duplicate_operands_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/string_ops_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/pooling_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/video_input_op_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/softplus_op_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/rank_loss_operator_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/dataset_ops_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/distance_op_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/index_hash_ops_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/adam_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/elementwise_logical_ops_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/sparse_lengths_sum_benchmark.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/mkl_conv_op_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/gather_ops_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/elementwise_ops_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/relu_op_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/adagrad_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/utility_ops_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/tile_op_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/momentum_sgd_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/cosine_embedding_criterion_op_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/sparse_to_dense_mask_op_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/index_ops_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/one_hot_ops_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/specialized_segment_ops_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/softmax_ops_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/find_op_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/filler_ops_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/shape_inference_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/mkl_packed_fc_op_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/top_k_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/pack_rnn_sequence_op_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/rnn_cell_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/group_conv_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/square_root_divide_op_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/batch_box_cox_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/crf_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/blobs_queue_db_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/image_input_op_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/sequence_ops_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/gather_ranges_op_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/counter_ops_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/given_tensor_fill_op_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/activation_ops_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/atomic_ops_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/mkl_speed_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/cudnn_recurrent_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/map_ops_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/pow_op_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/conv_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/boolean_mask_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/leaky_relu_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/elementwise_linear_op_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/hsm_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/fc_operator_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/unique_uniform_fill_op_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/lengths_tile_op_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/extend_tensor_op_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/sinusoid_position_encoding_op_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/mpi_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/pad_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/normalize_op_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/segment_ops_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/operator_test/instance_norm_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/net_builder.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/mint
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/mint/__init__.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/mint/app.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/session_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/optimizer_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/brew.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/net_printer_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/utils.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/core.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/gradient_check_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/extension_loader.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/optimizer_context.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/parallel_workers.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/net_printer.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/tutorials
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/tutorials/__init__.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/tutorials/helpers.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/convnet_benchmarks.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/memonger.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/schema.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/context_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/data_workers_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/mkl
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/mkl/mkl_fc_speed_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/mkl/mkl_fc_op_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/mkl/__init__.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/mkl/mkl_fill_op_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/mkl/mkl_LRN_speed_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/mkl/mkl_copy_op_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/mkl/mkl_elementwise_sum_op_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/mkl/mkl_pool_op_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/mkl/mkl_conv_op_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/mkl/rewrite_graph.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/mkl/rewrite_graph_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/mkl/convnet_benchmarks.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/mkl/mkl_speed_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/mkl/mkl_sbn_op_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/mkl/mkl_relu_op_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/mkl/mkl_LRN_op_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/mkl/mkl_pool_speed_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/mkl/mkl_sbn_speed_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/embedding_generation_benchmark.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/schema_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/control_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/data_workers.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/model_helper.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/layer_model_instantiator.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/visualize.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/hsm_util.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/dataio_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/experiment_util.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/allcompare_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/models
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/models/download.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/models/seq2seq
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/models/seq2seq/beam_search.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/models/seq2seq/seq2seq_util.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/models/seq2seq/__init__.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/models/seq2seq/seq2seq_model_helper.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/models/seq2seq/seq2seq_beam_search_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/models/seq2seq/seq2seq_model_helper_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/models/seq2seq/translate.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/models/seq2seq/train.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/models/__init__.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/models/resnet.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/models/resnet_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/models/__sym_init__.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/tt_core_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/attention.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/optimizer.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/memonger_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/muji.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/net_builder_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/workspace_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/cnn.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/CMakeFiles
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/checkpoint.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/data_parallel_model.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/workspace.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/layers
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/layers/tags.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/layers/sparse_feature_hash.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/layers/semi_random_features.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/layers/gather_record.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/layers/__init__.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/layers/random_fourier_features.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/layers/sampling_trainable_mixin.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/layers/sampling_train.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/layers/dot_product.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/layers/batch_normalization.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/layers/functional.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/layers/split.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/layers/add_bias.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/layers/fc_without_bias.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/layers/fc.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/layers/position_weighted.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/layers/batch_mse_loss.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/layers/concat.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/layers/batch_softmax_loss.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/layers/reservoir_sampling.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/layers/batch_lr_loss.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/layers/sparse_lookup.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/layers/pairwise_dot_product.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/layers/last_n_window_collector.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/layers/batch_distill_lr_loss.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/layers/arc_cosine_feature_map.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/layers/dropout.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/layers/uniform_sampling.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/layers/layers.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/layers/build_index.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/layers/feature_sparse_to_dense.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/layers/conv.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/layers/batch_sigmoid_cross_entropy_loss.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/layers/select_record_by_context.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/helpers
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/helpers/tools.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/helpers/algebra.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/helpers/__init__.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/helpers/array_helpers.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/helpers/normalization.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/helpers/fc.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/helpers/nonlinearity.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/helpers/elementwise_linear.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/helpers/arg_scope.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/helpers/dropout.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/helpers/conv.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/helpers/pooling.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/helpers/train.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/session.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/layer_test_util.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/tt_core.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/python/docs
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/docs/parser.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/docs/__init__.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/docs/github.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/docs/generator.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/docs/formatter.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/convnet_benchmarks_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/toy_regression_test.py
-- Up-to-date: /home/gi75/i75012/dl/caffe2/local/caffe2/python/parallel_workers_test.py
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/image
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/image/CMakeFiles
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/queue
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/queue/CMakeFiles
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/utils
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/utils/CMakeFiles
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/core
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/core/CMakeFiles
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/binaries
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/binaries/binaries
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/binaries/CMakeFiles
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/binaries/CMakeFiles/make_cifar_db.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/binaries/CMakeFiles/predictor_verifier.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/binaries/CMakeFiles/convert_caffe_image_db.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/binaries/CMakeFiles/print_core_object_sizes.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/binaries/CMakeFiles/make_image_db.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/binaries/CMakeFiles/split_db.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/binaries/CMakeFiles/run_plan_mpi.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/binaries/CMakeFiles/convert_db.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/binaries/CMakeFiles/tutorial_blob.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/binaries/CMakeFiles/db_throughput.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/binaries/CMakeFiles/print_registered_core_operators.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/binaries/CMakeFiles/make_mnist_db.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/binaries/CMakeFiles/run_plan.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/binaries/CMakeFiles/inspect_gpus.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/binaries/CMakeFiles/speed_benchmark.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/db
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/db/CMakeFiles
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/mkl
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/mkl/CMakeFiles
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/perfkernels
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/perfkernels/CMakeFiles
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/perfkernels/CMakeFiles/Caffe2_perfkernels_avx2.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/perfkernels/CMakeFiles/Caffe2_perfkernels_avx.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/mpi
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/mpi/CMakeFiles
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/operator_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/operator_test.dir/core
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/caffe2_pybind11_state.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/caffe2_pybind11_state.dir/python
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/Caffe2_CPU.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/Caffe2_CPU.dir/transforms
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/Caffe2_CPU.dir/contrib
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/Caffe2_CPU.dir/contrib/gloo
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/Caffe2_CPU.dir/sgd
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/Caffe2_CPU.dir/distributed
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/Caffe2_CPU.dir/image
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/Caffe2_CPU.dir/queue
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/Caffe2_CPU.dir/utils
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/Caffe2_CPU.dir/utils/threadpool
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/Caffe2_CPU.dir/core
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/Caffe2_CPU.dir/db
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/Caffe2_CPU.dir/perfkernels
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/Caffe2_CPU.dir/mpi
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/Caffe2_CPU.dir/operators
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/Caffe2_GPU.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/Caffe2_GPU.dir/contrib
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/Caffe2_GPU.dir/contrib/nccl
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/Caffe2_GPU.dir/contrib/gloo
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/Caffe2_GPU.dir/sgd
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/Caffe2_GPU.dir/cuda_rtc
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/Caffe2_GPU.dir/distributed
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/Caffe2_GPU.dir/image
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/Caffe2_GPU.dir/queue
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/Caffe2_GPU.dir/utils
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/Caffe2_GPU.dir/core
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/Caffe2_GPU.dir/db
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/Caffe2_GPU.dir/mpi
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/Caffe2_GPU.dir/operators
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/init_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/init_test.dir/core
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/fatal_signal_asan_no_sig_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/fatal_signal_asan_no_sig_test.dir/utils
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/parallel_net_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/parallel_net_test.dir/core
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/operator_fallback_gpu_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/operator_fallback_gpu_test.dir/operators
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/timer_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/timer_test.dir/core
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/cpuid_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/cpuid_test.dir/utils
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/conv_transpose_op_mobile_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/conv_transpose_op_mobile_test.dir/operators
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/blob_gpu_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/blob_gpu_test.dir/core
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/utility_ops_gpu_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/utility_ops_gpu_test.dir/operators
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/mpi_gpu_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/mpi_gpu_test.dir/mpi
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/elementwise_op_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/elementwise_op_test.dir/operators
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/proto_utils_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/proto_utils_test.dir/utils
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/math_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/math_test.dir/utils
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/blob_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/blob_test.dir/core
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/elementwise_op_gpu_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/elementwise_op_gpu_test.dir/operators
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/context_gpu_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/context_gpu_test.dir/core
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/predictor_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/predictor_test.dir/core
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/caffe2_pybind11_state_gpu.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/caffe2_pybind11_state_gpu.dir/python
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/registry_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/registry_test.dir/core
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/stats_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/stats_test.dir/core
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/python_copy_files.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/workspace_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/workspace_test.dir/core
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/fixed_divisor_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/fixed_divisor_test.dir/utils
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/fully_connected_op_gpu_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/fully_connected_op_gpu_test.dir/operators
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/context_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/context_test.dir/core
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/graph_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/graph_test.dir/core
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/reshape_op_gpu_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/reshape_op_gpu_test.dir/operators
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/mpi_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/mpi_test.dir/mpi
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/observer_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/observer_test.dir/core
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/math_gpu_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/math_gpu_test.dir/utils
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/fully_connected_op_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/fully_connected_op_test.dir/operators
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/net_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/net_test.dir/core
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/boolean_unmask_ops_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/boolean_unmask_ops_test.dir/operators
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/transform_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/transform_test.dir/core
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/string_ops_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/string_ops_test.dir/operators
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/text_file_reader_utils_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/text_file_reader_utils_test.dir/operators
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/pattern_net_transform_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/pattern_net_transform_test.dir/transforms
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/operator_schema_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/operator_schema_test.dir/core
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/smart_tensor_printer_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/smart_tensor_printer_test.dir/utils
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/conv_op_cache_cudnn_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/conv_op_cache_cudnn_test.dir/operators
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/conv_to_nnpack_transform_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/conv_to_nnpack_transform_test.dir/transforms
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/typeid_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/typeid_test.dir/core
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/utility_ops_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/utility_ops_test.dir/operators
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/simple_queue_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/simple_queue_test.dir/utils
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/logging_test.dir
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/CMakeFiles/logging_test.dir/core
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/operators
-- Installing: /home/gi75/i75012/dl/caffe2/local/caffe2/operators/CMakeFiles
-- Installing: /home/gi75/i75012/dl/caffe2/local/include/caffe2/proto/caffe2_legacy.pb.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include/caffe2/proto/hsm.pb.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include/caffe2/proto/predictor_consts.pb.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include/caffe2/proto/caffe2.pb.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include/caffe2/proto/metanet.pb.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/include/caffe2/proto/prof_dag.pb.h
-- Installing: /home/gi75/i75012/dl/caffe2/local/bin/convert_caffe_image_db
-- Removed runtime path from "/home/gi75/i75012/dl/caffe2/local/bin/convert_caffe_image_db"
-- Installing: /home/gi75/i75012/dl/caffe2/local/bin/convert_db
-- Removed runtime path from "/home/gi75/i75012/dl/caffe2/local/bin/convert_db"
-- Installing: /home/gi75/i75012/dl/caffe2/local/bin/db_throughput
-- Removed runtime path from "/home/gi75/i75012/dl/caffe2/local/bin/db_throughput"
-- Installing: /home/gi75/i75012/dl/caffe2/local/bin/make_cifar_db
-- Removed runtime path from "/home/gi75/i75012/dl/caffe2/local/bin/make_cifar_db"
-- Installing: /home/gi75/i75012/dl/caffe2/local/bin/make_mnist_db
-- Removed runtime path from "/home/gi75/i75012/dl/caffe2/local/bin/make_mnist_db"
-- Installing: /home/gi75/i75012/dl/caffe2/local/bin/predictor_verifier
-- Removed runtime path from "/home/gi75/i75012/dl/caffe2/local/bin/predictor_verifier"
-- Installing: /home/gi75/i75012/dl/caffe2/local/bin/print_registered_core_operators
-- Removed runtime path from "/home/gi75/i75012/dl/caffe2/local/bin/print_registered_core_operators"
-- Installing: /home/gi75/i75012/dl/caffe2/local/bin/run_plan
-- Removed runtime path from "/home/gi75/i75012/dl/caffe2/local/bin/run_plan"
-- Installing: /home/gi75/i75012/dl/caffe2/local/bin/speed_benchmark
-- Removed runtime path from "/home/gi75/i75012/dl/caffe2/local/bin/speed_benchmark"
-- Installing: /home/gi75/i75012/dl/caffe2/local/bin/split_db
-- Removed runtime path from "/home/gi75/i75012/dl/caffe2/local/bin/split_db"
-- Installing: /home/gi75/i75012/dl/caffe2/local/bin/inspect_gpus
-- Removed runtime path from "/home/gi75/i75012/dl/caffe2/local/bin/inspect_gpus"
-- Installing: /home/gi75/i75012/dl/caffe2/local/bin/print_core_object_sizes
-- Removed runtime path from "/home/gi75/i75012/dl/caffe2/local/bin/print_core_object_sizes"
-- Installing: /home/gi75/i75012/dl/caffe2/local/bin/run_plan_mpi
-- Removed runtime path from "/home/gi75/i75012/dl/caffe2/local/bin/run_plan_mpi"
-- Installing: /home/gi75/i75012/dl/caffe2/local/bin/make_image_db
-- Removed runtime path from "/home/gi75/i75012/dl/caffe2/local/bin/make_image_db"
-- Installing: /home/gi75/i75012/dl/caffe2/local/bin/tutorial_blob
-- Removed runtime path from "/home/gi75/i75012/dl/caffe2/local/bin/tutorial_blob"
Hiroki11x commented 6 years ago
$ python -c 'from caffe2.python import core' 2>/dev/null && echo "Success" || echo "Failure"
Success
$ python -m caffe2.python.operator_test.relu_op_test
No handlers could be found for logger "caffe2.python.net_drawer"
net_drawer will not run correctly. Please install the correct dependencies.
Trying example: test_relu(self=<__main__.TestRelu testMethod=test_relu>, X=array([-0.05310052, -0.49276051,  0.33347145, -0.91912621, -0.07972108], dtype=float32), gc=, dc=[, device_type: 1], engine=u'')
Traceback (most recent call last):
  File "/home/gi75/i75012/env/src/pyenv/versions/2.7.9/lib/python2.7/site-packages/hypothesis/core.py", line 529, in evaluate_test_data
    self.search_strategy, self.test,
  File "/home/gi75/i75012/env/src/pyenv/versions/2.7.9/lib/python2.7/site-packages/hypothesis/executors.py", line 58, in default_new_style_executor
    return function(data)
  File "/home/gi75/i75012/env/src/pyenv/versions/2.7.9/lib/python2.7/site-packages/hypothesis/core.py", line 115, in run
    return test(*args, **kwargs)
  File "/lustre/gi75/i75012/dl/caffe2/build/caffe2/python/operator_test/relu_op_test.py", line 26, in test_relu
    self.assertDeviceChecks(dc, op, [X], [0])
  File "/home/gi75/i75012/dl/caffe2/build/caffe2/python/hypothesis_test_util.py", line 325, in assertDeviceChecks
    dc.CheckSimple(op, inputs, outputs_to_check, input_device_options)
  File "/home/gi75/i75012/dl/caffe2/build/caffe2/python/device_checker.py", line 43, in CheckSimple
    input_device_options.get(op.input[i], device_option))
  File "/home/gi75/i75012/dl/caffe2/build/caffe2/python/workspace.py", line 299, in FeedBlob
    return C.feed_blob(name, arr, StringifyProto(device_option))
RuntimeError: [enforce fail at common_cudnn.h:98] version_match. cuDNN compiled (5105) and runtime (7001) versions mismatch 

Trying example: test_relu(self=<__main__.TestRelu testMethod=test_relu>, X=array([-0.05310052, -0.49276051,  0.33347145, -0.91912621, -0.07972108], dtype=float32), gc=, dc=[, device_type: 1], engine=u'')
Falsifying example: test_relu(self=<__main__.TestRelu testMethod=test_relu>, X=array([-0.05310052, -0.49276051,  0.33347145, -0.91912621, -0.07972108], dtype=float32), gc=, dc=[, device_type: 1], engine=u'')
Failed to reproduce exception. Expected: 
Traceback (most recent call last):
  File "/home/gi75/i75012/env/src/pyenv/versions/2.7.9/lib/python2.7/site-packages/hypothesis/core.py", line 529, in evaluate_test_data
    self.search_strategy, self.test,
  File "/home/gi75/i75012/env/src/pyenv/versions/2.7.9/lib/python2.7/site-packages/hypothesis/executors.py", line 58, in default_new_style_executor
    return function(data)
  File "/home/gi75/i75012/env/src/pyenv/versions/2.7.9/lib/python2.7/site-packages/hypothesis/core.py", line 115, in run
    return test(*args, **kwargs)
  File "/lustre/gi75/i75012/dl/caffe2/build/caffe2/python/operator_test/relu_op_test.py", line 26, in test_relu
    self.assertDeviceChecks(dc, op, [X], [0])
  File "/home/gi75/i75012/dl/caffe2/build/caffe2/python/hypothesis_test_util.py", line 325, in assertDeviceChecks
    dc.CheckSimple(op, inputs, outputs_to_check, input_device_options)
  File "/home/gi75/i75012/dl/caffe2/build/caffe2/python/device_checker.py", line 43, in CheckSimple
    input_device_options.get(op.input[i], device_option))
  File "/home/gi75/i75012/dl/caffe2/build/caffe2/python/workspace.py", line 299, in FeedBlob
    return C.feed_blob(name, arr, StringifyProto(device_option))
RuntimeError: [enforce fail at common_cudnn.h:98] version_match. cuDNN compiled (5105) and runtime (7001) versions mismatch 

Falsifying example: test_relu(X=array([-0.05310052, -0.49276051,  0.33347145, -0.91912621, -0.07972108], dtype=float32), dc=[, device_type: 1], engine=u'', gc=, self=<__main__.TestRelu testMethod=test_relu>)
E
======================================================================
ERROR: test_relu (__main__.TestRelu)
----------------------------------------------------------------------
Traceback (most recent call last):
  File "/lustre/gi75/i75012/dl/caffe2/build/caffe2/python/operator_test/relu_op_test.py", line 19, in test_relu
    engine=st.sampled_from(["", "CUDNN"]),
  File "/home/gi75/i75012/env/src/pyenv/versions/2.7.9/lib/python2.7/site-packages/hypothesis/core.py", line 727, in wrapped_test
    state.run()
  File "/home/gi75/i75012/env/src/pyenv/versions/2.7.9/lib/python2.7/site-packages/hypothesis/core.py", line 649, in run
    print_example=True, is_final=True
  File "/home/gi75/i75012/env/src/pyenv/versions/2.7.9/lib/python2.7/site-packages/hypothesis/executors.py", line 58, in default_new_style_executor
    return function(data)
  File "/home/gi75/i75012/env/src/pyenv/versions/2.7.9/lib/python2.7/site-packages/hypothesis/core.py", line 115, in run
    return test(*args, **kwargs)
  File "/home/gi75/i75012/env/src/pyenv/versions/2.7.9/lib/python2.7/site-packages/hypothesis/core.py", line 70, in test_or_flaky
    ) % (test.__name__, text_repr,))
Flaky: Hypothesis test_relu(self=<__main__.TestRelu testMethod=test_relu>, X=array([-0.05310052, -0.49276051,  0.33347145, -0.91912621, -0.07972108], dtype=float32), gc=, dc=[, device_type: 1], engine=u'') produces unreliable results: Falsified on the first call but did not on a subsequent one

----------------------------------------------------------------------
Ran 1 test in 1.290s

FAILED (errors=1)
Hiroki11x commented 6 years ago

I check library dependency about caffe2

$ ldd libCaffe2_GPU.so
    linux-vdso.so.1 =>  (0x00007fffedb05000)
    libcudart.so.8.0 => /lustre/app/acc/cuda/8.0/lib64/libcudart.so.8.0 (0x00007fffecc2f000)
    libCaffe2_CPU.so => /home/gi75/i75012/dl/caffe2/build/caffe2/libCaffe2_CPU.so (0x00007fffec2a9000)
    libprotobuf.so.8 => /usr/lib64/libprotobuf.so.8 (0x00007fffebf97000)
    libpthread.so.0 => /usr/lib64/libpthread.so.0 (0x00007fffebd7b000)
    libglog.so.0 => /home/gi75/i75012/env/local/glog-0.3.4/lib/libglog.so.0 (0x00007fffebb4b000)
    libgflags.so.2.2 => /home/gi75/i75012/env/local/gflags-2.2.0/lib/libgflags.so.2.2 (0x00007fffeb92b000)
    liblmdb.so => /home/gi75/i75012/env/local/lmdb-LMDB_0.9.18/lib/liblmdb.so (0x00007fffeb716000)
    libopencv_core.so.2.4 => /home/gi75/i75012/env/local/opencv-2.4.13/lib/libopencv_core.so.2.4 (0x00007fffeb26b000)
    libopencv_highgui.so.2.4 => /home/gi75/i75012/env/local/opencv-2.4.13/lib/libopencv_highgui.so.2.4 (0x00007fffeaed2000)
    libopencv_imgproc.so.2.4 => /home/gi75/i75012/env/local/opencv-2.4.13/lib/libopencv_imgproc.so.2.4 (0x00007fffea9e2000)
    libmpicxx.so.12 => /lustre/app/intel/compilers_and_libraries_2017.2.174/linux/mpi/intel64/lib/libmpicxx.so.12 (0x00007fffea7c1000)
    libmpifort.so.12 => /lustre/app/intel/compilers_and_libraries_2017.2.174/linux/mpi/intel64/lib/libmpifort.so.12 (0x00007fffea418000)
    libmpi.so.12 => /home/app/intel/compilers_and_libraries_2017.2.174/linux/mpi/intel64/lib/release_mt/libmpi.so.12 (0x00007fffe9708000)
    libdl.so.2 => /usr/lib64/libdl.so.2 (0x00007fffe9503000)
    librt.so.1 => /usr/lib64/librt.so.1 (0x00007fffe92fb000)
    libcurand.so.8.0 => /lustre/app/acc/cuda/8.0/lib64/libcurand.so.8.0 (0x00007fffe5392000)
    libcublas.so.8.0 => /lustre/app/acc/cuda/8.0/lib64/libcublas.so.8.0 (0x00007fffe29e1000)
    libcuda.so.1 => /usr/lib64/libcuda.so.1 (0x00007fffe1fec000)
    libnvrtc.so.8.0 => /lustre/app/acc/cuda/8.0/lib64/libnvrtc.so.8.0 (0x00007fffe0bcf000)
    libcudnn.so.7 => /home/gi75/i75012/env/local/cudnn7/cuda/lib64/libcudnn.so.7 (0x00007fffd3c5e000)
    libnccl.so.1 => /home/gi75/i75012/env/local/nccl-1.3.4-1/lib/libnccl.so.1 (0x00007fffd1603000)
    libgcc_s.so.1 => /usr/lib64/libgcc_s.so.1 (0x00007fffd13ed000)
    libstdc++.so.6 => /usr/lib64/libstdc++.so.6 (0x00007fffd10e4000)
    libm.so.6 => /usr/lib64/libm.so.6 (0x00007fffd0de2000)
    libgomp.so.1 => /usr/lib64/libgomp.so.1 (0x00007fffd0bbc000)
    libc.so.6 => /usr/lib64/libc.so.6 (0x00007fffd07fa000)
    /lib64/ld-linux-x86-64.so.2 (0x0000555555554000)
    libz.so.1 => /usr/lib64/libz.so.1 (0x00007fffd05e4000)
    libjpeg.so.62 => /usr/lib64/libjpeg.so.62 (0x00007fffd038e000)
    libpng15.so.15 => /usr/lib64/libpng15.so.15 (0x00007fffd0163000)
    libtiff.so.5 => /usr/lib64/libtiff.so.5 (0x00007fffcfef0000)
    libgthread-2.0.so.0 => /usr/lib64/libgthread-2.0.so.0 (0x00007fffcfced000)
    libglib-2.0.so.0 => /usr/lib64/libglib-2.0.so.0 (0x00007fffcf9b6000)
    libnvidia-fatbinaryloader.so.375.39 => /usr/lib64/libnvidia-fatbinaryloader.so.375.39 (0x00007fffcf769000)
    libjbig.so.2.0 => /usr/lib64/libjbig.so.2.0 (0x00007fffcf55d000)

cudnn7 is linked.

Hiroki11x commented 6 years ago

I asked NVIDIA staff. Problem is that compiled CUDNN and linked CUDNN in build are different version.

In ReedBush, it is complicated environment because of module. I read module load script.

I refer bellow article. http://qiita.com/yt_siden/items/00d578781f6173ef3d91

Hiroki11x commented 6 years ago

I chended CUDA_ROOT from cuda8.0.33 to 8.0.61 which doesn't gave cudnn.

Then I tried to build

I succeeded.

-- The BLAS backend of choice:Eigen
-- Could NOT find NNPACK (missing:  NNPACK_INCLUDE_DIR NNPACK_LIBRARY PTHREADPOOL_LIBRARY) 
-- Will try to build NNPACK from source. If anything fails, follow the NNPACK prerequisite installation steps.
CMake Warning at cmake/External/nnpack.cmake:155 (message):
  NNPACK is chosen to be installed, but confu and ninja that are needed by it
  are not installed.  As a result we won't build with NNPACK.
Call Stack (most recent call first):
  cmake/Dependencies.cmake:53 (include)
  CMakeLists.txt:75 (include)

CMake Warning at cmake/Dependencies.cmake:58 (message):
  Not compiling with NNPACK.  Suppress this warning with -DUSE_NNPACK=OFF
Call Stack (most recent call first):
  CMakeLists.txt:75 (include)

-- Found gflags  (include: /home/gi75/i75012/env/local/gflags-2.2.0/include, library: /home/gi75/i75012/env/local/gflags-2.2.0/lib/libgflags.so)
-- Found system gflags install.
-- Found glog    (include: /home/gi75/i75012/env/local/glog-0.3.4/include, library: /home/gi75/i75012/env/local/glog-0.3.4/lib/libglog.so)
-- Found system glog install.
-- Found PythonInterp: /home/gi75/i75012/env/src/pyenv/shims/python (found version "2.7.9") 
-- Could NOT find Benchmark (missing:  Benchmark_INCLUDE_DIR Benchmark_LIBRARY) 
-- git Version: v0.0.0
-- Version: 0.0.0
-- Performing Test HAVE_STD_REGEX
-- Performing Test HAVE_STD_REGEX -- compiled but failed to run
-- Performing Test HAVE_GNU_POSIX_REGEX
-- Performing Test HAVE_GNU_POSIX_REGEX -- failed to compile
-- Performing Test HAVE_POSIX_REGEX
-- Performing Test HAVE_POSIX_REGEX -- success
-- Performing Test HAVE_STEADY_CLOCK
-- Performing Test HAVE_STEADY_CLOCK -- success
-- Found lmdb    (include: /home/gi75/i75012/env/local/lmdb-LMDB_0.9.18/include, library: /home/gi75/i75012/env/local/lmdb-LMDB_0.9.18/lib/liblmdb.so)
-- Could NOT find RocksDB (missing:  RocksDB_INCLUDE_DIR RocksDB_LIBRARIES) 
CMake Warning at cmake/Dependencies.cmake:139 (message):
  Not compiling with RocksDB.  Suppress this warning with -DUSE_ROCKSDB=OFF
Call Stack (most recent call first):
  CMakeLists.txt:75 (include)

-- OpenCV found (/home/gi75/i75012/env/local/opencv-2.4.13/share/OpenCV)
-- Found PythonInterp: /home/gi75/i75012/env/src/pyenv/shims/python (found suitable version "2.7.9", minimum required is "2.7") 
-- NumPy ver. 1.13.1 found (include: /home/gi75/i75012/env/src/pyenv/versions/2.7.9/lib/python2.7/site-packages/numpy/core/include)
-- Could NOT find pybind11 (missing:  pybind11_INCLUDE_DIR) 
-- MPI support found
-- MPI compile flags: 
-- MPI include path: /lustre/app/intel/compilers_and_libraries_2017.2.174/linux/mpi/intel64/include
-- MPI LINK flags path: 
-- MPI libraries: /home/app/intel/compilers_and_libraries_2017.2.174/linux/mpi/intel64/lib/libmpicxx.so/home/app/intel/compilers_and_libraries_2017.2.174/linux/mpi/intel64/lib/libmpifort.so/home/app/intel/compilers_and_libraries_2017.2.174/linux/mpi/intel64/lib/release_mt/libmpi.so/home/app/intel/compilers_and_libraries_2017.2.174/linux/mpi/intel64/lib/libmpigi.a/usr/lib64/libdl.so/usr/lib64/librt.so/usr/lib64/libpthread.so
-- Adding -fopenmp
-- CUDA detected: 8.0
-- Added CUDA NVCC flags for: sm_60
-- Found libcuda: /usr/lib64/libcuda.so
-- Found libnvrtc: /home/app/acc/cuda/8.0.61/lib64/libnvrtc.so
-- Found cuDNN: v7.0.1  (include: /home/gi75/i75012/env/local/cudnn7/cuda/include, library: /home/gi75/i75012/env/local/cudnn7/cuda/lib/libcudnn.so.7)
-- Found NCCL    (include: /home/gi75/i75012/env/local/nccl-1.3.4-1/include, library: /home/gi75/i75012/env/local/nccl-1.3.4-1/lib/libnccl.so)
-- NCCL: /home/gi75/i75012/env/local/nccl-1.3.4-1/lib/libnccl.so
-- Could NOT find CUB (missing:  CUB_INCLUDE_DIR) 
-- Could NOT find Gloo (missing:  Gloo_INCLUDE_DIR Gloo_LIBRARY) 
-- MPI include path: /lustre/app/intel/compilers_and_libraries_2017.2.174/linux/mpi/intel64/include
-- MPI libraries: /home/app/intel/compilers_and_libraries_2017.2.174/linux/mpi/intel64/lib/libmpicxx.so/home/app/intel/compilers_and_libraries_2017.2.174/linux/mpi/intel64/lib/libmpifort.so/home/app/intel/compilers_and_libraries_2017.2.174/linux/mpi/intel64/lib/release_mt/libmpi.so/home/app/intel/compilers_and_libraries_2017.2.174/linux/mpi/intel64/lib/libmpigi.a/usr/lib64/libdl.so/usr/lib64/librt.so/usr/lib64/libpthread.so
-- CUDA detected: 8.0
-- Found libcuda: /usr/lib64/libcuda.so
-- Found libnvrtc: /home/app/acc/cuda/8.0.61/lib64/libnvrtc.so
CMake Warning at cmake/Dependencies.cmake:378 (message):
  mobile opengl is only used in android or ios builds.
Call Stack (most recent call first):
  CMakeLists.txt:75 (include)

CMake Warning at cmake/Dependencies.cmake:385 (message):
  Metal is only used in ios builds.
Call Stack (most recent call first):
  CMakeLists.txt:75 (include)

-- Does not need to define long separately.
-- Current compiler supports avx2 extention. Will build perfkernels.
-- GCC 4.8.5: 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
-- Automatically generating missing __init__.py files.
-- 
-- ******** Summary ********
-- General:
--   Git version           : 
--   System                : Linux
--   C++ compiler          : /bin/c++
--   C++ compiler version  : 4.8.5
--   Protobuf compiler     : /bin/protoc
--   CXX flags             :  -fopenmp -std=c++11 -O2 -fPIC -Wno-narrowing
--   Build type            : Release
--   Compile definitions   : CAFFE2_USE_EIGEN_FOR_BLAS;CAFFE2_USE_GOOGLE_GLOG;CAFFE2_USE_GFLAGS;EIGEN_MPL2_ONLY;CAFFE2_PERF_WITH_AVX;CAFFE2_PERF_WITH_AVX2
-- 
--   BUILD_BINARY          : ON
--   BUILD_PYTHON          : ON
--     Python version      : 2.7.5
--     Python library      : /usr/lib64/libpython2.7.so
--   BUILD_SHARED_LIBS     : ON
--   BUILD_TEST            : ON
--   USE_CUDA              : ON
--     CUDA version        : 8.0
--   USE_FFMPEG            : OFF
--   USE_GFLAGS            : ON
--   USE_GLOG              : ON
--   USE_GLOO              : ON
--   USE_LEVELDB           : OFF
--   USE_LMDB              : ON
--     LMDB version        : 0.9.18
--   USE_METAL             : OFF
--   USE_MOBILE_OPENGL     : OFF
--   USE_MPI               : ON
--   USE_NCCL              : ON
--   USE_NERVANA_GPU       : OFF
--   USE_NNPACK            : OFF
--   USE_OBSERVERS         : OFF
--   USE_OPENCV            : ON
--     OpenCV version      : 2.4.13
--   USE_OPENMP            : ON
--   USE_REDIS             : OFF
--   USE_ROCKSDB           : OFF
--   USE_THREADS           : ON
--   USE_ZMQ               : OFF
-- Configuring done
-- Generating done
-- Build files have been written to: /home/gi75/i75012/dl/caffe2/build
Hiroki11x commented 6 years ago

test

$ python -c 'from caffe2.python import core' 2>/dev/null && echo "Success" || echo "Failure"
Success
$ python -m caffe2.python.operator_test.relu_op_test
No handlers could be found for logger "caffe2.python.net_drawer"
net_drawer will not run correctly. Please install the correct dependencies.
Trying example: test_relu(self=<__main__.TestRelu testMethod=test_relu>, X=array([ 0.50012809, -0.27749079], dtype=float32), gc=, dc=[, device_type: 1], engine=u'')
Trying example: test_relu(self=<__main__.TestRelu testMethod=test_relu>, X=array([[-0.50012809,  0.50012809],
       [-0.4662562 ,  0.41552392]], dtype=float32), gc=, dc=[, device_type: 1], engine=u'CUDNN')
Trying example: test_relu(self=<__main__.TestRelu testMethod=test_relu>, X=array([[ 0.41552392,  1.        ],
       [ 0.16911869,  0.08562692]], dtype=float32), gc=, dc=[, device_type: 1], engine=u'')
Trying example: test_relu(self=<__main__.TestRelu testMethod=test_relu>, X=array([[-0.41552392,  1.        , -1.        ],
       [-0.84191555, -0.9781121 ,  0.49081716]], dtype=float32), gc=device_type: 1, dc=[, device_type: 1], engine=u'')
Trying example: test_relu(self=<__main__.TestRelu testMethod=test_relu>, X=array([-0.77473086], dtype=float32), gc=device_type: 1, dc=[, device_type: 1], engine=u'')
Trying example: test_relu(self=<__main__.TestRelu testMethod=test_relu>, X=array([-0.43921378, -0.43921378, -0.53006005, -0.37685803], dtype=float32), gc=device_type: 1, dc=[, device_type: 1], engine=u'CUDNN')
Trying example: test_relu(self=<__main__.TestRelu testMethod=test_relu>, X=array([-1.        , -0.31397155], dtype=float32), gc=, dc=[, device_type: 1], engine=u'CUDNN')
Trying example: test_relu(self=<__main__.TestRelu testMethod=test_relu>, X=array([[[[ 0.95526028, -0.24684946,  0.37793228,  0.29598975],
         [ 0.45999312,  0.45125946,  0.14892757, -0.8542428 ],
         [-0.16523594, -0.87398076,  0.41883266,  0.5042367 ],
         [ 0.21270809, -0.83780372,  0.64674163, -0.40555012]],

        [[-0.61596686,  0.33726117, -0.50418049, -0.40080076],
         [-0.24953668, -0.91717559, -0.63521922, -0.31426743],
         [-0.69821769, -0.90573871,  0.69587201,  0.4372825 ],
         [-0.2851176 ,  0.61117244,  0.1853569 ,  0.02749198]]],

       [[[ 0.225467  ,  0.35047877, -0.43227363,  0.3610425 ],
         [ 0.53903711,  0.68621081, -0.53787744,  0.26071876],
         [-0.55993092, -0.08820834,  0.99191922, -0.93406332],
         [-0.12477545,  0.92470503, -0.17252591, -0.14057891]],

        [[-0.59458274,  0.82076353,  0.72132736, -0.67835933],
         [-0.42508912, -0.25434756, -0.8063907 , -0.72533035],
         [ 0.31260556, -0.18957867,  0.03220391, -0.49019718],
         [-0.77606177, -0.78731269, -0.32717589, -0.83965635]]]], dtype=float32), gc=device_type: 1, dc=[, device_type: 1], engine=u'')
Trying example: test_relu(self=<__main__.TestRelu testMethod=test_relu>, X=array([[-0.81421566, -0.43921569, -0.18750036, -1.        ],
       [-0.81421566,  1.        , -0.99755937,  0.26562586]], dtype=float32), gc=device_type: 1, dc=[, device_type: 1], engine=u'CUDNN')
Trying example: test_relu(self=<__main__.TestRelu testMethod=test_relu>, X=array([[-0.81421578, -0.43921569],
       [-1.        , -1.        ]], dtype=float32), gc=device_type: 1, dc=[, device_type: 1], engine=u'CUDNN')
.
----------------------------------------------------------------------
Ran 1 test in 2.669s

OK