スポンサーリンク
pytorchをgit cloneする。¶
先ず、pytorchをgit cloneで任意のディレクトリにクローンする(ここでは割愛)。その後にpytorchディレクトリに入る。
cd /root/pytorch
/root/pytorch
既にpytorchディレクトリが存在する場合は、gitを最新版に更新する。
!git pull
remote: Counting objects: 49, done. remote: Compressing objects: 100% (7/7), done. remote: Total 49 (delta 36), reused 38 (delta 35), pack-reused 7 Unpacking objects: 100% (49/49), done. From https://github.com/pytorch/pytorch facb293aa..329d901a9 master -> origin/master + 42f5923d3...ed7ae9a02 suo/mutable -> origin/suo/mutable (forced update) Updating facb293aa..329d901a9 Fast-forward .../include/nomnigraph/Representations/NeuralNet.h | 2 + caffe2/opt/converter.cc | 81 +++++++++- caffe2/opt/converter_nomigraph_test.cc | 50 ++++++ caffe2/opt/optimize_ideep.cc | 96 +++++++----- caffe2/python/ideep/convfusion_op_test.py | 169 +++++++++++++++++++++ test/test_torch.py | 8 +- torch/csrc/utils/tensor_numpy.cpp | 5 + 7 files changed, 370 insertions(+), 41 deletions(-)
!git submodule update --init --recursive
スポンサーリンク
PyTorchとCaffe2の同時インストール¶
!FULL_CAFFE2=1 python setup.py install
Building wheel torch-0.5.0a0+329d901 running install running build_deps + USE_CUDA=0 + USE_ROCM=0 + USE_NNPACK=0 + USE_MKLDNN=0 + USE_GLOO_IBVERBS=0 + USE_DISTRIBUTED_MW=0 + FULL_CAFFE2=0 + [[ 9 -gt 0 ]] + case "$1" in + USE_CUDA=1 + shift + [[ 8 -gt 0 ]] + case "$1" in + USE_NNPACK=1 + shift + [[ 7 -gt 0 ]] + case "$1" in + FULL_CAFFE2=1 + shift + [[ 6 -gt 0 ]] + case "$1" in + break + CMAKE_INSTALL='make install' + BUILD_SHARED_LIBS=ON + USER_CFLAGS= + USER_LDFLAGS= + [[ -n '' ]] + [[ -n '' ]] + [[ -n '' ]] ++ uname + '[' Linux == Darwin ']' ++ dirname tools/build_pytorch_libs.sh + cd tools/.. +++ pwd ++ printf '%q\n' /root/pytorch + PWD=/root/pytorch + BASE_DIR=/root/pytorch + TORCH_LIB_DIR=/root/pytorch/torch/lib + INSTALL_DIR=/root/pytorch/torch/lib/tmp_install + THIRD_PARTY_DIR=/root/pytorch/third_party + CMAKE_VERSION=cmake + C_FLAGS=' -I"/root/pytorch/torch/lib/tmp_install/include" -I"/root/pytorch/torch/lib/tmp_install/include/TH" -I"/root/pytorch/torch/lib/tmp_install/include/THC" -I"/root/pytorch/torch/lib/tmp_install/include/THS" -I"/root/pytorch/torch/lib/tmp_install/include/THCS" -I"/root/pytorch/torch/lib/tmp_install/include/THNN" -I"/root/pytorch/torch/lib/tmp_install/include/THCUNN"' + C_FLAGS=' -I"/root/pytorch/torch/lib/tmp_install/include" -I"/root/pytorch/torch/lib/tmp_install/include/TH" -I"/root/pytorch/torch/lib/tmp_install/include/THC" -I"/root/pytorch/torch/lib/tmp_install/include/THS" -I"/root/pytorch/torch/lib/tmp_install/include/THCS" -I"/root/pytorch/torch/lib/tmp_install/include/THNN" -I"/root/pytorch/torch/lib/tmp_install/include/THCUNN" -DOMPI_SKIP_MPICXX=1' + LDFLAGS='-L"/root/pytorch/torch/lib/tmp_install/lib" ' + LD_POSTFIX=.so ++ uname + [[ Linux == \D\a\r\w\i\n ]] + [[ 0 -eq 1 ]] + LDFLAGS='-L"/root/pytorch/torch/lib/tmp_install/lib" -Wl,-rpath,$ORIGIN' + CPP_FLAGS=' -std=c++11 ' + GLOO_FLAGS= + THD_FLAGS= + NCCL_ROOT_DIR=/usr/ + [[ 1 -eq 1 ]] + GLOO_FLAGS='-DUSE_CUDA=1 -DNCCL_ROOT_DIR=/usr/' + [[ 0 -eq 1 ]] + [[ 0 -eq 1 ]] + CWRAP_FILES='/root/pytorch/torch/lib/ATen/Declarations.cwrap;/root/pytorch/torch/lib/THNN/generic/THNN.h;/root/pytorch/torch/lib/THCUNN/generic/THCUNN.h;/root/pytorch/torch/lib/ATen/nn.yaml' + CUDA_NVCC_FLAGS=' -I"/root/pytorch/torch/lib/tmp_install/include" -I"/root/pytorch/torch/lib/tmp_install/include/TH" -I"/root/pytorch/torch/lib/tmp_install/include/THC" -I"/root/pytorch/torch/lib/tmp_install/include/THS" -I"/root/pytorch/torch/lib/tmp_install/include/THCS" -I"/root/pytorch/torch/lib/tmp_install/include/THNN" -I"/root/pytorch/torch/lib/tmp_install/include/THCUNN" -DOMPI_SKIP_MPICXX=1' + [[ -z '' ]] + CUDA_DEVICE_DEBUG=0 + '[' -z 12 ']' + BUILD_TYPE=Release + [[ -n '' ]] + [[ -n '' ]] + echo 'Building in Release mode' Building in Release mode + mkdir -p torch/lib/tmp_install + for arg in "$@" + [[ caffe2 == \n\c\c\l ]] + [[ caffe2 == \g\l\o\o ]] + [[ caffe2 == \c\a\f\f\e\2 ]] + pushd /root/pytorch ~/pytorch ~/pytorch + build_caffe2 + [[ -z '' ]] + EXTRA_CAFFE2_CMAKE_FLAGS=() + [[ -n '' ]] + [[ -n /root/.pyenv/versions/py370/lib/python3.7/site-packages ]] + EXTRA_CAFFE2_CMAKE_FLAGS+=("-DCMAKE_PREFIX_PATH=$CMAKE_PREFIX_PATH") + mkdir -p build + pushd build ~/pytorch/build ~/pytorch ~/pytorch + cmake .. -DBUILDING_WITH_TORCH_LIBS=ON -DCMAKE_BUILD_TYPE=Release -DBUILD_CAFFE2=1 -DBUILD_TORCH=ON -DBUILD_ATEN=ON -DBUILD_PYTHON=1 -DBUILD_BINARY=OFF -DBUILD_SHARED_LIBS=ON -DONNX_NAMESPACE=onnx_torch -DUSE_CUDA=1 -DCAFFE2_STATIC_LINK_CUDA= -DUSE_ROCM=0 -DUSE_NNPACK=1 -DCUDNN_INCLUDE_DIR=/usr/include/ -DCUDNN_LIB_DIR=/usr/lib/x86_64-linux-gnu/ -DCUDNN_LIBRARY=/usr/lib/x86_64-linux-gnu/libcudnn.so.7 -DUSE_MKLDNN=0 -DMKLDNN_INCLUDE_DIR= -DMKLDNN_LIB_DIR= -DMKLDNN_LIBRARY= -DCMAKE_INSTALL_PREFIX=/root/pytorch/torch/lib/tmp_install -DCMAKE_EXPORT_COMPILE_COMMANDS=1 -DCMAKE_C_FLAGS= -DCMAKE_CXX_FLAGS= '-DCMAKE_EXE_LINKER_FLAGS=-L"/root/pytorch/torch/lib/tmp_install/lib" -Wl,-rpath,$ORIGIN ' '-DCMAKE_SHARED_LINKER_FLAGS=-L"/root/pytorch/torch/lib/tmp_install/lib" -Wl,-rpath,$ORIGIN ' -DCMAKE_PREFIX_PATH=/root/.pyenv/versions/py370/lib/python3.7/site-packages -- Does not need to define long separately. -- std::exception_ptr is supported. -- NUMA is available -- Current compiler supports avx2 extention. Will build perfkernels. -- Building using own protobuf under third_party per request. -- Use custom protobuf build. -- Caffe2 protobuf include directory: $<BUILD_INTERFACE:/root/pytorch/third_party/protobuf/src>$<INSTALL_INTERFACE:include> -- The BLAS backend of choice:Eigen -- Brace yourself, we are building NNPACK -- The ASM compiler identification is GNU -- Found assembler: /usr/bin/gcc-6 -- Found PythonInterp: /root/.pyenv/versions/3.7.0/bin/python (found version "3.7") -- Caffe2: Found gflags with new-style gflags target. -- Caffe2: Found glog with new-style glog target. -- Found lmdb (include: /usr/include, library: /usr/lib/x86_64-linux-gnu/liblmdb.so) -- Found LevelDB (include: /usr/local/include, library: /usr/lib/x86_64-linux-gnu/libleveldb.so) -- Found Snappy (include: /usr/include, library: /usr/lib/x86_64-linux-gnu/libsnappy.so) -- Found Numa (include: /usr/include, library: /usr/lib/x86_64-linux-gnu/libnuma.so) -- Found CUDA: /usr/local/cuda-9.2 (found suitable exact version "9.2") -- OpenCV found (/root/usr/local/opencv/share/OpenCV) -- Found system Eigen at /usr/local/include/eigen3 Python 3.7.0b3 -- Found PythonInterp: /root/.pyenv/versions/3.7.0/bin/python (found suitable version "3.7", minimum required is "2.7") -- NumPy ver. 1.15.0 found (include: /root/.pyenv/versions/3.7.0/lib/python3.7/site-packages/numpy-1.15.0-py3.7-linux-x86_64.egg/numpy/core/include) -- Could NOT find pybind11 (missing: pybind11_INCLUDE_DIR) -- Found CUDA: /usr/local/cuda-9.2 (found suitable version "9.2", minimum required is "7.0") -- Caffe2: CUDA detected: 9.2 -- Caffe2: CUDA nvcc is: /usr/local/cuda-9.2/bin/nvcc -- Caffe2: CUDA toolkit directory: /usr/local/cuda-9.2 -- Caffe2: Header version is: 9.2 -- Found CUDNN: /usr/include/ -- Found cuDNN: v7.2.1 (include: /usr/include/, library: /usr/lib/x86_64-linux-gnu/libcudnn.so.7) -- Autodetected CUDA architecture(s): 6.1 -- Added CUDA NVCC flags for: -gencode;arch=compute_61,code=sm_61 -- Determining NCCL version from the header file: /usr/include/nccl.h -- NCCL_MAJOR_VERSION: 2 -- Found NCCL (include: /usr/include, library: /usr/lib/x86_64-linux-gnu/libnccl.so) -- Could NOT find CUB (missing: CUB_INCLUDE_DIR) -- Could NOT find Gloo (missing: Gloo_INCLUDE_DIR Gloo_LIBRARY) -- CUDA detected: 9.2 -- Found libcuda: /usr/lib/x86_64-linux-gnu/libcuda.so -- Found libnvrtc: /usr/local/cuda-9.2/lib64/libnvrtc.so -- Determining NCCL version from the header file: /usr/include/nccl.h -- NCCL_MAJOR_VERSION: 2 -- Found NCCL (include: /usr/include, library: /usr/lib/x86_64-linux-gnu/libnccl.so) -- Performing Test SUPPORT_GLIBCXX_USE_C99 -- Performing Test SUPPORT_GLIBCXX_USE_C99 - Success -- Found CUDA with FP16 support, compiling with torch.cuda.HalfTensor -- Removing -DNDEBUG from compile flags -- Found OpenMP_C: -fopenmp (found version "4.5") -- Found OpenMP_CXX: -fopenmp (found version "4.5") -- Found OpenMP: TRUE (found version "4.5") -- Compiling with OpenMP support -- MAGMA not found. Compiling without MAGMA support -- Could not find hardware support for NEON on this machine. -- No OMAP3 processor on this machine. -- No OMAP4 processor on this machine. -- Performing Test COMPILER_WORKS -- Performing Test COMPILER_WORKS - Success -- Looking for cpuid.h -- Looking for cpuid.h - found -- Performing Test HAVE_GCC_GET_CPUID -- Performing Test HAVE_GCC_GET_CPUID - Success -- Performing Test NO_GCC_EBX_FPIC_BUG -- Performing Test NO_GCC_EBX_FPIC_BUG - Success -- Performing Test C_HAS_SSE1_1 -- Performing Test C_HAS_SSE1_1 - Success -- Performing Test C_HAS_SSE2_1 -- Performing Test C_HAS_SSE2_1 - Success -- Performing Test C_HAS_SSE3_1 -- Performing Test C_HAS_SSE3_1 - Failed -- Performing Test C_HAS_SSE3_2 -- Performing Test C_HAS_SSE3_2 - Success -- Performing Test C_HAS_SSE4_1_1 -- Performing Test C_HAS_SSE4_1_1 - Failed -- Performing Test C_HAS_SSE4_1_2 -- Performing Test C_HAS_SSE4_1_2 - Success -- Performing Test C_HAS_SSE4_2_1 -- Performing Test C_HAS_SSE4_2_1 - Failed -- Performing Test C_HAS_SSE4_2_2 -- Performing Test C_HAS_SSE4_2_2 - Success -- Performing Test C_HAS_AVX_1 -- Performing Test C_HAS_AVX_1 - Failed -- Performing Test C_HAS_AVX_2 -- Performing Test C_HAS_AVX_2 - Success -- Performing Test C_HAS_AVX2_1 -- Performing Test C_HAS_AVX2_1 - Failed -- Performing Test C_HAS_AVX2_2 -- Performing Test C_HAS_AVX2_2 - Success -- Performing Test CXX_HAS_SSE1_1 -- Performing Test CXX_HAS_SSE1_1 - Success -- Performing Test CXX_HAS_SSE2_1 -- Performing Test CXX_HAS_SSE2_1 - Success -- Performing Test CXX_HAS_SSE3_1 -- Performing Test CXX_HAS_SSE3_1 - Failed -- Performing Test CXX_HAS_SSE3_2 -- Performing Test CXX_HAS_SSE3_2 - Success -- Performing Test CXX_HAS_SSE4_1_1 -- Performing Test CXX_HAS_SSE4_1_1 - Failed -- Performing Test CXX_HAS_SSE4_1_2 -- Performing Test CXX_HAS_SSE4_1_2 - Success -- Performing Test CXX_HAS_SSE4_2_1 -- Performing Test CXX_HAS_SSE4_2_1 - Failed -- Performing Test CXX_HAS_SSE4_2_2 -- Performing Test CXX_HAS_SSE4_2_2 - Success -- Performing Test CXX_HAS_AVX_1 -- Performing Test CXX_HAS_AVX_1 - Failed -- Performing Test CXX_HAS_AVX_2 -- Performing Test CXX_HAS_AVX_2 - Success -- Performing Test CXX_HAS_AVX2_1 -- Performing Test CXX_HAS_AVX2_1 - Failed -- Performing Test CXX_HAS_AVX2_2 -- Performing Test CXX_HAS_AVX2_2 - Success -- SSE2 Found -- SSE3 Found -- AVX Found -- AVX2 Found -- Performing Test HAS_C11_ATOMICS -- Performing Test HAS_C11_ATOMICS - Failed -- Performing Test HAS_MSC_ATOMICS -- Performing Test HAS_MSC_ATOMICS - Failed -- Performing Test HAS_GCC_ATOMICS -- Performing Test HAS_GCC_ATOMICS - Success -- Atomics: using GCC intrinsics -- Looking for sys/types.h -- Looking for sys/types.h - found -- Looking for stdint.h -- Looking for stdint.h - found -- Looking for stddef.h -- Looking for stddef.h - found -- Check size of void* -- Check size of void* - done -- Checking for [mkl_intel_lp64 - mkl_gnu_thread - mkl_core - gomp - pthread - m - dl] -- Library mkl_intel_lp64: /opt/intel/mkl/lib/intel64/libmkl_intel_lp64.so -- Library mkl_gnu_thread: /opt/intel/mkl/lib/intel64/libmkl_gnu_thread.so -- Library mkl_core: /opt/intel/mkl/lib/intel64/libmkl_core.so -- Found OpenMP_C: -fopenmp (found version "4.5") -- Found OpenMP_CXX: -fopenmp (found version "4.5") -- Library gomp: -fopenmp -- Library pthread: /usr/lib/x86_64-linux-gnu/libpthread.so -- Library m: /usr/lib/x86_64-linux-gnu/libm.so -- Library dl: /usr/lib/x86_64-linux-gnu/libdl.so -- Looking for cblas_sgemm -- Looking for cblas_sgemm - found -- MKL library found -- Performing Test BLAS_F2C_DOUBLE_WORKS -- Performing Test BLAS_F2C_DOUBLE_WORKS - Failed -- Performing Test BLAS_F2C_FLOAT_WORKS -- Performing Test BLAS_F2C_FLOAT_WORKS - Success -- Performing Test BLAS_USE_CBLAS_DOT -- Performing Test BLAS_USE_CBLAS_DOT - Success -- Found a library with BLAS API (mkl). -- Found a library with LAPACK API. (mkl) -- Found CUDA: /usr/local/cuda-9.2 (found suitable version "9.2", minimum required is "5.5") -- Could NOT find MKLDNN (missing: MKLDNN_INCLUDE_DIR MKLDNN_LIBRARY) -- MKLDNN not found. Compiling without MKLDNN support -- Looking for clock_gettime in rt -- Looking for clock_gettime in rt - found -- Looking for mmap -- Looking for mmap - found -- Looking for shm_open -- Looking for shm_open - found -- Looking for shm_unlink -- Looking for shm_unlink - found -- Looking for malloc_usable_size -- Looking for malloc_usable_size - found -- Performing Test C_HAS_THREAD -- Performing Test C_HAS_THREAD - Success -- GCC 6.4.0: Adding gcc and gcc_s libs to link line -- Using python found in /root/.pyenv/versions/py370/bin/python -- Check size of long double -- Check size of long double - done -- Performing Test COMPILER_SUPPORTS_LONG_DOUBLE -- Performing Test COMPILER_SUPPORTS_LONG_DOUBLE - Success -- Performing Test COMPILER_SUPPORTS_FLOAT128 -- Performing Test COMPILER_SUPPORTS_FLOAT128 - Success -- Performing Test COMPILER_SUPPORTS_SSE2 -- Performing Test COMPILER_SUPPORTS_SSE2 - Success -- Performing Test COMPILER_SUPPORTS_SSE4 -- Performing Test COMPILER_SUPPORTS_SSE4 - Success -- Performing Test COMPILER_SUPPORTS_AVX -- Performing Test COMPILER_SUPPORTS_AVX - Success -- Performing Test COMPILER_SUPPORTS_FMA4 -- Performing Test COMPILER_SUPPORTS_FMA4 - Success -- Performing Test COMPILER_SUPPORTS_AVX2 -- Performing Test COMPILER_SUPPORTS_AVX2 - Success -- Performing Test COMPILER_SUPPORTS_SVE -- Performing Test COMPILER_SUPPORTS_SVE - Failed -- Performing Test COMPILER_SUPPORTS_AVX512F -- Performing Test COMPILER_SUPPORTS_AVX512F - Failed -- Found OpenMP_C: -fopenmp (found version "4.5") -- Found OpenMP_CXX: -fopenmp (found version "4.5") -- Performing Test COMPILER_SUPPORTS_OPENMP -- Performing Test COMPILER_SUPPORTS_OPENMP - Success -- Performing Test COMPILER_SUPPORTS_WEAK_ALIASES -- Performing Test COMPILER_SUPPORTS_WEAK_ALIASES - Success -- Performing Test COMPILER_SUPPORTS_BUILTIN_MATH -- Performing Test COMPILER_SUPPORTS_BUILTIN_MATH - Success -- Configuring build for SLEEF-v3.2 Target system: Linux-4.15.0-30-generic Target processor: x86_64 Host system: Linux-4.15.0-30-generic Host processor: x86_64 Detected C compiler: GNU @ /usr/bin/gcc-6 -- Using option `-Wall -Wno-unused -Wno-attributes -Wno-unused-result -Wno-psabi -ffp-contract=off -fno-math-errno -fno-trapping-math` to compile libsleef -- Building shared libs : OFF -- MPFR : /usr/lib/x86_64-linux-gnu/libmpfr.so -- MPFR header file in /usr/include -- GMP : /usr/lib/x86_64-linux-gnu/libgmp.so -- RUNNING_ON_TRAVIS : 0 -- COMPILER_SUPPORTS_OPENMP : 1 -- Using python found in /root/.pyenv/versions/py370/bin/python -- Include NCCL operators -- Excluding ideep operators as we are not using ideep -- Including image processing operators -- Excluding video processing operators due to no opencv -- Excluding mkl operators as we are not using mkl -- MPI operators skipped due to no MPI support -- Include Observer library -- Using lib/python3.7/site-packages as python relative installation path -- Automatically generating missing __init__.py files. -- A previous caffe2 cmake run already created the __init__.py files. CMake Warning at CMakeLists.txt:347 (message): Generated cmake files are only fully tested if one builds with system glog, gflags, and protobuf. Other settings may generate files that are not well tested. -- -- ******** Summary ******** -- General: -- CMake version : 3.10.2 -- CMake command : /usr/bin/cmake -- Git version : v0.1.11-9816-g329d901a9 -- System : Linux -- C++ compiler : /usr/bin/g++-6 -- C++ compiler version : 6.4.0 -- BLAS : Eigen -- CXX flags : -msse3 -msse4.1 -msse4.2 --std=c++11 -fvisibility-inlines-hidden -rdynamic -DONNX_NAMESPACE=onnx_torch -fopenmp -O2 -fPIC -Wno-narrowing -Wall -Wextra -Wno-missing-field-initializers -Wno-type-limits -Wno-array-bounds -Wno-unknown-pragmas -Wno-sign-compare -Wno-unused-parameter -Wno-unused-variable -Wno-unused-function -Wno-unused-result -Wno-strict-overflow -Wno-strict-aliasing -Wno-error=deprecated-declarations -Wno-stringop-overflow -- Build type : Release -- Compile definitions : USE_GCC_ATOMICS=1;TH_BLAS_MKL;HAVE_MMAP=1;_FILE_OFFSET_BITS=64;HAVE_SHM_OPEN=1;HAVE_SHM_UNLINK=1;HAVE_MALLOC_USABLE_SIZE=1 -- CMAKE_PREFIX_PATH : /root/.pyenv/versions/py370/lib/python3.7/site-packages -- CMAKE_INSTALL_PREFIX : /root/pytorch/torch/lib/tmp_install -- -- BUILD_CAFFE2 : 1 -- BUILD_ATEN : ON -- BUILD_BINARY : OFF -- BUILD_CUSTOM_PROTOBUF : ON -- Link local protobuf : ON -- BUILD_DOCS : OFF -- BUILD_PYTHON : 1 -- Python version : 3.7 -- Python executable : /root/.pyenv/versions/3.7.0/bin/python -- Pythonlibs version : 3.7.0 -- Python library : /root/.pyenv/versions/3.7.0/lib/libpython3.7m.so -- Python includes : /root/.pyenv/versions/3.7.0/include/python3.7m -- Python site-packages: lib/python3.7/site-packages -- BUILD_SHARED_LIBS : ON -- BUILD_TEST : OFF -- USE_ASAN : OFF -- USE_ATEN : OFF -- USE_CUDA : 1 -- CUDA static link : -- USE_CUDNN : ON -- CUDA version : 9.2 -- cuDNN version : 7.2.1 -- CUDA root directory : /usr/local/cuda-9.2 -- CUDA library : /usr/lib/x86_64-linux-gnu/libcuda.so -- cudart library : /usr/local/cuda-9.2/lib64/libcudart_static.a;-pthread;dl;/usr/lib/x86_64-linux-gnu/librt.so -- cublas library : /usr/local/cuda-9.2/lib64/libcublas.so;/usr/local/cuda-9.2/lib64/libcublas_device.a -- cufft library : /usr/local/cuda-9.2/lib64/libcufft.so -- curand library : /usr/local/cuda-9.2/lib64/libcurand.so -- cuDNN library : /usr/lib/x86_64-linux-gnu/libcudnn.so.7 -- nvrtc : /usr/local/cuda-9.2/lib64/libnvrtc.so -- CUDA include path : /usr/local/cuda-9.2/include -- NVCC executable : /usr/local/cuda-9.2/bin/nvcc -- CUDA host compiler : /usr/bin/gcc-6 -- USE_TENSORRT : OFF -- USE_ROCM : OFF -- USE_EIGEN_FOR_BLAS : ON -- USE_FFMPEG : OFF -- USE_GFLAGS : ON -- USE_GLOG : ON -- USE_GLOO : ON -- USE_GLOO_IBVERBS : OFF -- USE_LEVELDB : ON -- LevelDB version : 1.20 -- Snappy version : .. -- USE_LITE_PROTO : OFF -- USE_LMDB : ON -- LMDB version : 0.9.21 -- USE_METAL : OFF -- USE_MKL : -- USE_MOBILE_OPENGL : OFF -- USE_MPI : OFF -- USE_NCCL : ON -- USE_SYSTEM_NCCL : OFF -- USE_NERVANA_GPU : OFF -- USE_NNPACK : 1 -- USE_OBSERVERS : ON -- USE_OPENCL : OFF -- USE_OPENCV : ON -- OpenCV version : 3.4.2 -- USE_OPENMP : OFF -- USE_PROF : OFF -- USE_REDIS : OFF -- USE_ROCKSDB : OFF -- USE_ZMQ : OFF -- USE_DISTRIBUTED : OFF -- Public Dependencies : Threads::Threads;gflags;glog::glog -- Private Dependencies : nnpack;cpuinfo;/usr/lib/x86_64-linux-gnu/liblmdb.so;/usr/lib/x86_64-linux-gnu/libleveldb.so;/usr/lib/x86_64-linux-gnu/libsnappy.so;/usr/lib/x86_64-linux-gnu/libnuma.so;opencv_core;opencv_highgui;opencv_imgproc;opencv_imgcodecs;opencv_videoio;opencv_video;gloo;aten_op_header_gen;onnxifi_loader;rt;gcc_s;gcc;dl -- Configuring done -- Generating done CMake Warning: Manually-specified variables were not used by the project: CUDNN_LIB_DIR -- Build files have been written to: /root/pytorch/build + make install -j12 Scanning dependencies of target pthreadpool Scanning dependencies of target onnxifi_dummy Scanning dependencies of target onnxifi_loader Scanning dependencies of target mkrename Scanning dependencies of target common Scanning dependencies of target ATEN_CUDA_FILES_GEN_TARGET Scanning dependencies of target ATEN_CPU_FILES_GEN_TARGET [ 0%] Linking CXX executable ../../../bin/js_embed [ 0%] Building C object third_party/onnx/CMakeFiles/onnxifi_dummy.dir/onnx/onnxifi_dummy.c.o [ 0%] Built target clog [ 0%] Building C object third_party/onnx/CMakeFiles/onnxifi_loader.dir/onnx/onnxifi_loader.c.o [ 0%] Generating ../aten/src/ATen/CPUByteType.cpp, ../aten/src/ATen/CPUByteType.h, ../aten/src/ATen/CPUCharType.cpp, ../aten/src/ATen/CPUCharType.h, ../aten/src/ATen/CPUCopy.cpp, ../aten/src/ATen/CPUDoubleType.cpp, ../aten/src/ATen/CPUDoubleType.h, ../aten/src/ATen/CPUFloatType.cpp, ../aten/src/ATen/CPUFloatType.h, ../aten/src/ATen/CPUGenerator.h, ../aten/src/ATen/CPUHalfType.cpp, ../aten/src/ATen/CPUHalfType.h, ../aten/src/ATen/CPUIntType.cpp, ../aten/src/ATen/CPUIntType.h, ../aten/src/ATen/CPULongType.cpp, ../aten/src/ATen/CPULongType.h, ../aten/src/ATen/CPUShortType.cpp, ../aten/src/ATen/CPUShortType.h, ../aten/src/ATen/Declarations.yaml, ../aten/src/ATen/Functions.h, ../aten/src/ATen/NativeFunctions.h, ../aten/src/ATen/SparseCPUByteType.cpp, ../aten/src/ATen/SparseCPUByteType.h, ../aten/src/ATen/SparseCPUCharType.cpp, ../aten/src/ATen/SparseCPUCharType.h, ../aten/src/ATen/SparseCPUDoubleType.cpp, ../aten/src/ATen/SparseCPUDoubleType.h, ../aten/src/ATen/SparseCPUFloatType.cpp, ../aten/src/ATen/SparseCPUFloatType.h, ../aten/src/ATen/SparseCPUIntType.cpp, ../aten/src/ATen/SparseCPUIntType.h, ../aten/src/ATen/SparseCPULongType.cpp, ../aten/src/ATen/SparseCPULongType.h, ../aten/src/ATen/SparseCPUShortType.cpp, ../aten/src/ATen/SparseCPUShortType.h, ../aten/src/ATen/Tensor.h, ../aten/src/ATen/TensorMethods.h, ../aten/src/ATen/Type.cpp, ../aten/src/ATen/Type.h, ../aten/src/ATen/CUDAByteType.cpp, ../aten/src/ATen/CUDAByteType.h, ../aten/src/ATen/CUDACharType.cpp, ../aten/src/ATen/CUDACharType.h, ../aten/src/ATen/CUDACopy.cpp, ../aten/src/ATen/CUDADoubleType.cpp, ../aten/src/ATen/CUDADoubleType.h, ../aten/src/ATen/CUDAFloatType.cpp, ../aten/src/ATen/CUDAFloatType.h, ../aten/src/ATen/CUDAGenerator.h, ../aten/src/ATen/CUDAHalfType.cpp, ../aten/src/ATen/CUDAHalfType.h, ../aten/src/ATen/CUDAIntType.cpp, ../aten/src/ATen/CUDAIntType.h, ../aten/src/ATen/CUDALongType.cpp, ../aten/src/ATen/CUDALongType.h, ../aten/src/ATen/CUDAShortType.cpp, ../aten/src/ATen/CUDAShortType.h, ../aten/src/ATen/RegisterCUDA.cpp, ../aten/src/ATen/RegisterCUDA.h, ../aten/src/ATen/SparseCUDAByteType.cpp, ../aten/src/ATen/SparseCUDAByteType.h, ../aten/src/ATen/SparseCUDACharType.cpp, ../aten/src/ATen/SparseCUDACharType.h, ../aten/src/ATen/SparseCUDADoubleType.cpp, ../aten/src/ATen/SparseCUDADoubleType.h, ../aten/src/ATen/SparseCUDAFloatType.cpp, ../aten/src/ATen/SparseCUDAFloatType.h, ../aten/src/ATen/SparseCUDAIntType.cpp, ../aten/src/ATen/SparseCUDAIntType.h, ../aten/src/ATen/SparseCUDALongType.cpp, ../aten/src/ATen/SparseCUDALongType.h, ../aten/src/ATen/SparseCUDAShortType.cpp, ../aten/src/ATen/SparseCUDAShortType.h [ 2%] Built target gloo [ 2%] Generating ../aten/src/ATen/CPUByteType.cpp, ../aten/src/ATen/CPUByteType.h, ../aten/src/ATen/CPUCharType.cpp, ../aten/src/ATen/CPUCharType.h, ../aten/src/ATen/CPUCopy.cpp, ../aten/src/ATen/CPUDoubleType.cpp, ../aten/src/ATen/CPUDoubleType.h, ../aten/src/ATen/CPUFloatType.cpp, ../aten/src/ATen/CPUFloatType.h, ../aten/src/ATen/CPUGenerator.h, ../aten/src/ATen/CPUHalfType.cpp, ../aten/src/ATen/CPUHalfType.h, ../aten/src/ATen/CPUIntType.cpp, ../aten/src/ATen/CPUIntType.h, ../aten/src/ATen/CPULongType.cpp, ../aten/src/ATen/CPULongType.h, ../aten/src/ATen/CPUShortType.cpp, ../aten/src/ATen/CPUShortType.h, ../aten/src/ATen/Declarations.yaml, ../aten/src/ATen/Functions.h, ../aten/src/ATen/NativeFunctions.h, ../aten/src/ATen/SparseCPUByteType.cpp, ../aten/src/ATen/SparseCPUByteType.h, ../aten/src/ATen/SparseCPUCharType.cpp, ../aten/src/ATen/SparseCPUCharType.h, ../aten/src/ATen/SparseCPUDoubleType.cpp, ../aten/src/ATen/SparseCPUDoubleType.h, ../aten/src/ATen/SparseCPUFloatType.cpp, ../aten/src/ATen/SparseCPUFloatType.h, ../aten/src/ATen/SparseCPUIntType.cpp, ../aten/src/ATen/SparseCPUIntType.h, ../aten/src/ATen/SparseCPULongType.cpp, ../aten/src/ATen/SparseCPULongType.h, ../aten/src/ATen/SparseCPUShortType.cpp, ../aten/src/ATen/SparseCPUShortType.h, ../aten/src/ATen/Tensor.h, ../aten/src/ATen/TensorMethods.h, ../aten/src/ATen/Type.cpp, ../aten/src/ATen/Type.h, ../aten/src/ATen/CUDAByteType.cpp, ../aten/src/ATen/CUDAByteType.h, ../aten/src/ATen/CUDACharType.cpp, ../aten/src/ATen/CUDACharType.h, ../aten/src/ATen/CUDACopy.cpp, ../aten/src/ATen/CUDADoubleType.cpp, ../aten/src/ATen/CUDADoubleType.h, ../aten/src/ATen/CUDAFloatType.cpp, ../aten/src/ATen/CUDAFloatType.h, ../aten/src/ATen/CUDAGenerator.h, ../aten/src/ATen/CUDAHalfType.cpp, ../aten/src/ATen/CUDAHalfType.h, ../aten/src/ATen/CUDAIntType.cpp, ../aten/src/ATen/CUDAIntType.h, ../aten/src/ATen/CUDALongType.cpp, ../aten/src/ATen/CUDALongType.h, ../aten/src/ATen/CUDAShortType.cpp, ../aten/src/ATen/CUDAShortType.h, ../aten/src/ATen/RegisterCUDA.cpp, ../aten/src/ATen/RegisterCUDA.h, ../aten/src/ATen/SparseCUDAByteType.cpp, ../aten/src/ATen/SparseCUDAByteType.h, ../aten/src/ATen/SparseCUDACharType.cpp, ../aten/src/ATen/SparseCUDACharType.h, ../aten/src/ATen/SparseCUDADoubleType.cpp, ../aten/src/ATen/SparseCUDADoubleType.h, ../aten/src/ATen/SparseCUDAFloatType.cpp, ../aten/src/ATen/SparseCUDAFloatType.h, ../aten/src/ATen/SparseCUDAIntType.cpp, ../aten/src/ATen/SparseCUDAIntType.h, ../aten/src/ATen/SparseCUDALongType.cpp, ../aten/src/ATen/SparseCUDALongType.h, ../aten/src/ATen/SparseCUDAShortType.cpp, ../aten/src/ATen/SparseCUDAShortType.h [ 3%] Built target libprotobuf-lite Scanning dependencies of target mkdisp Scanning dependencies of target c10_utils_gpu [ 3%] Building CXX object caffe2/utils/CMakeFiles/c10_utils_gpu.dir/dummy.cpp.o [ 9%] Built target libprotobuf Scanning dependencies of target c10_utils_cpu [ 9%] Building CXX object caffe2/utils/CMakeFiles/c10_utils_cpu.dir/Array.cpp.o [ 9%] Building C object sleef/src/common/CMakeFiles/common.dir/common.c.o [ 9%] Building C object sleef/src/libm/CMakeFiles/mkrename.dir/mkrename.c.o [ 9%] Building C object sleef/src/libm/CMakeFiles/mkdisp.dir/mkdisp.c.o [ 9%] Built target js_embed [ 9%] Building CXX object caffe2/utils/CMakeFiles/c10_utils_cpu.dir/Optional.cpp.o [ 9%] Linking C shared library ../../lib/libonnxifi_dummy.so [ 9%] Built target c10_utils_gpu [ 9%] Building C object confu-deps/pthreadpool/CMakeFiles/pthreadpool.dir/src/threadpool-pthreads.c.o [ 9%] Linking C static library ../../lib/libonnxifi_loader.a Scanning dependencies of target c10_utils_hip [ 9%] Built target common [ 9%] Building CXX object caffe2/utils/CMakeFiles/c10_utils_hip.dir/dummy.cpp.o [ 9%] Linking C executable ../../bin/mkrename [ 9%] Building CXX object caffe2/utils/CMakeFiles/c10_utils_cpu.dir/Metaprogramming.cpp.o [ 9%] Built target onnxifi_dummy [ 9%] Linking C executable ../../bin/mkdisp Scanning dependencies of target mkalias [ 9%] Built target mkrename [ 9%] Built target mkdisp [ 9%] Building CXX object caffe2/utils/CMakeFiles/c10_utils_cpu.dir/TypeList.cpp.o Scanning dependencies of target mkrename_gnuabi [ 9%] Built target onnxifi_loader [ 9%] Building C object sleef/src/libm/CMakeFiles/mkalias.dir/mkalias.c.o [ 9%] Built target c10_utils_hip [ 9%] Building C object sleef/src/libm/CMakeFiles/mkrename_gnuabi.dir/mkrename_gnuabi.c.o [ 9%] Building CXX object caffe2/utils/CMakeFiles/c10_utils_cpu.dir/TypeTraits.cpp.o Scanning dependencies of target mkmasked_gnuabi [ 9%] Building C object sleef/src/libm/CMakeFiles/mkmasked_gnuabi.dir/mkmasked_gnuabi.c.o Scanning dependencies of target arraymap [ 9%] Linking C static library ../../lib/libpthreadpool.a [ 9%] Linking C executable ../../bin/mkrename_gnuabi [ 9%] Building C object sleef/src/common/CMakeFiles/arraymap.dir/arraymap.c.o [ 9%] Linking C executable ../../bin/mkalias [ 9%] Linking C executable ../../bin/mkmasked_gnuabi [ 9%] Built target pthreadpool [ 9%] Built target mkrename_gnuabi Scanning dependencies of target protobuf-nanopb [ 9%] Built target mkalias [ 9%] Generating ../../../../third_party/protobuf/src/google/protobuf/compiler/js/well_known_types_embed.cc [ 10%] Building C object caffe2/torch/protobuf-nanopb/CMakeFiles/protobuf-nanopb.dir/pb_common.c.o Scanning dependencies of target nnpack_reference_layers [ 12%] Built target cpuinfo [ 12%] Built target mkmasked_gnuabi [ 12%] Building C object caffe2/torch/protobuf-nanopb/CMakeFiles/protobuf-nanopb.dir/pb_encode.c.o [ 12%] Building NVCC (Device) object third_party/gloo/gloo/CMakeFiles/gloo_cuda.dir/nccl/gloo_cuda_generated_nccl.cu.o Scanning dependencies of target libprotoc [ 12%] Building C object confu-deps/NNPACK/CMakeFiles/nnpack_reference_layers.dir/src/ref/convolution-output.c.o [ 12%] Building C object confu-deps/NNPACK/CMakeFiles/nnpack_reference_layers.dir/src/ref/convolution-input-gradient.c.o [ 12%] Built target arraymap [ 12%] Building C object caffe2/torch/protobuf-nanopb/CMakeFiles/protobuf-nanopb.dir/pb_decode.c.o [ 12%] Building C object confu-deps/NNPACK/CMakeFiles/nnpack_reference_layers.dir/src/ref/convolution-kernel.c.o [ 12%] Building C object confu-deps/NNPACK/CMakeFiles/nnpack_reference_layers.dir/src/ref/fully-connected-output.c.o [ 12%] Building C object confu-deps/NNPACK/CMakeFiles/nnpack_reference_layers.dir/src/ref/max-pooling-output.c.o Scanning dependencies of target headers [ 12%] Building NVCC (Device) object third_party/gloo/gloo/CMakeFiles/gloo_cuda.dir/gloo_cuda_generated_cuda.cu.o [ 12%] Building CXX object third_party/protobuf/cmake/CMakeFiles/libprotoc.dir/__/src/google/protobuf/compiler/js/well_known_types_embed.cc.o [ 12%] Generating ../../../include/sleef.h [ 12%] Built target c10_utils_cpu [ 12%] Generating include/renameavx2.h Generating renameavx2.h: mkrename 4 8 avx2 [ 12%] Building C object confu-deps/NNPACK/CMakeFiles/nnpack_reference_layers.dir/src/ref/softmax-output.c.o Generating sleef.h: mkrename 2 4 __m128d __m128 __m128i __m128i __SSE2__ [ 12%] Generating include/renameavx2128.h Generating renameavx2128.h: mkrename 2 4 avx2128 [ 12%] Building NVCC (Device) object third_party/gloo/gloo/CMakeFiles/gloo_cuda.dir/gloo_cuda_generated_cuda_private.cu.o Generating sleef.h: mkrename 2 4 __m128d __m128 __m128i __m128i __SSE2__ sse2 [ 12%] Linking CXX static library ../../../lib/libprotoc.a Generating sleef.h: mkrename 2 4 __m128d __m128 __m128i __m128i __SSE2__ sse4 [ 12%] Generating include/renamefma4.h Generating renamefma4.h: mkrename 4 8 fma4 [ 12%] Generating include/renameavx.h Generating renameavx.h: mkrename 4 8 avx Generating sleef.h: mkrename 4 8 __m256d __m256 __m128i struct\ {\ __m128i\ x,\ y;\ } __AVX__ Generating sleef.h: mkrename 4 8 __m256d __m256 __m128i struct\ {\ __m128i\ x,\ y;\ } __AVX__ avx [ 13%] Building C object confu-deps/NNPACK/CMakeFiles/nnpack_reference_layers.dir/src/ref/relu-output.c.o Scanning dependencies of target dispavx.c_generated Generating sleef.h: mkrename 4 8 __m256d __m256 __m128i struct\ {\ __m128i\ x,\ y;\ } __AVX__ fma4 Generating sleef.h: mkrename 4 8 __m256d __m256 __m128i __m256i __AVX__ avx2 [ 14%] Generating dispavx.c Generating sleef.h: mkrename 2 4 __m128d __m128 __m128i __m128i __SSE2__ avx2128 [ 14%] Building C object confu-deps/NNPACK/CMakeFiles/nnpack_reference_layers.dir/src/ref/relu-input-gradient.c.o Generating sleef.h: mkrename 8 16 __m512d __m512 __m256i __m512i __AVX512F__ Generating sleef.h: mkrename 8 16 __m512d __m512 __m256i __m512i __AVX512F__ avx512f Scanning dependencies of target renamedsp256.h_generated [ 21%] Built target libprotoc [ 21%] Built target dispavx.c_generated [ 21%] Generating include/renamesse4.h Generating renamesse4.h: mkrename 2 4 sse4 [ 21%] Generating include/renamesse2.h [ 21%] Linking C static library ../../lib/libnnpack_reference_layers.a [ 22%] Generating renamedsp256.h Scanning dependencies of target renameSSE4.h_generated Generating renamesse2.h: mkrename 2 4 sse2 Scanning dependencies of target renameAVX.h_generated [ 22%] Built target renamedsp256.h_generated [ 22%] Built target renameSSE4.h_generated [ 22%] Built target renameAVX.h_generated [ 22%] Built target headers Scanning dependencies of target renameAVX2.h_generated Scanning dependencies of target renamedsp128.h_generated [ 22%] Built target nnpack_reference_layers Scanning dependencies of target renameSSE2.h_generated [ 22%] Built target renameAVX2.h_generated [ 22%] Generating renamedsp128.h Scanning dependencies of target dispsse.c_generated [ 22%] Built target renameSSE2.h_generated [ 22%] Linking C static library ../../../lib/libprotobuf-nanopb.a Scanning dependencies of target renameAVX2128.h_generated Scanning dependencies of target renameFMA4.h_generated [ 22%] Built target renamedsp128.h_generated [ 22%] Built target renameAVX2128.h_generated [ 22%] Generating dispsse.c Scanning dependencies of target dispavx_obj [ 22%] Generating src/x86_64-fma/2d-fourier-8x8.py.o [ 22%] Built target renameFMA4.h_generated [ 22%] Linking CXX executable ../../../bin/protoc [ 22%] Built target dispsse.c_generated [ 22%] Building C object sleef/src/libm/CMakeFiles/dispavx_obj.dir/dispavx.c.o [ 22%] Built target protobuf-nanopb Scanning dependencies of target sleefsse4 Scanning dependencies of target sleefavx Scanning dependencies of target sleefavx2 [ 22%] Building C object sleef/src/libm/CMakeFiles/sleefavx.dir/sleefsimdsp.c.o [ 22%] Building C object sleef/src/libm/CMakeFiles/sleefsse4.dir/sleefsimdsp.c.o [ 22%] Building C object sleef/src/libm/CMakeFiles/sleefavx2.dir/sleefsimdsp.c.o [ 22%] Built target protoc [ 22%] Building C object sleef/src/libm/CMakeFiles/sleefsse4.dir/sleefsimddp.c.o [ 23%] Building C object sleef/src/libm/CMakeFiles/sleefavx2.dir/sleefsimddp.c.o Scanning dependencies of target dispsse_obj [ 23%] Building C object sleef/src/libm/CMakeFiles/dispsse_obj.dir/dispsse.c.o [ 23%] Built target dispavx_obj [ 23%] Built target sleefavx2 [ 23%] Building C object sleef/src/libm/CMakeFiles/sleefavx.dir/sleefsimddp.c.o Scanning dependencies of target sleefsse2 [ 23%] Built target sleefsse4 Scanning dependencies of target sleefavx2128 Scanning dependencies of target sleeffma4 [ 23%] Building C object sleef/src/libm/CMakeFiles/sleefsse2.dir/sleefsimdsp.c.o [ 23%] Building C object sleef/src/libm/CMakeFiles/sleefavx2128.dir/sleefsimdsp.c.o [ 23%] Building C object sleef/src/libm/CMakeFiles/sleeffma4.dir/sleefsimdsp.c.o /root/pytorch/third_party/gloo/gloo/cuda_private.h: In destructor ‘gloo::CudaDeviceGuard::~CudaDeviceGuard()’: /root/pytorch/third_party/gloo/gloo/cuda_private.h:98:423: warning: throw will always call terminate() [-Wterminate] CUDA_CHECK(cudaSetDevice(previous_)); ^ /root/pytorch/third_party/gloo/gloo/cuda_private.h:98:423: note: in C++11 destructors default to noexcept /root/pytorch/third_party/gloo/gloo/cuda.cu: In destructor ‘gloo::CudaStream::~CudaStream()’: /root/pytorch/third_party/gloo/gloo/cuda.cu:78:413: warning: throw will always call terminate() [-Wterminate] CUDA_CHECK(cudaEventSynchronize(event_)); ^ /root/pytorch/third_party/gloo/gloo/cuda.cu:78:413: note: in C++11 destructors default to noexcept /root/pytorch/third_party/gloo/gloo/cuda.cu:79:409: warning: throw will always call terminate() [-Wterminate] CUDA_CHECK(cudaEventDestroy(event_)); ^ /root/pytorch/third_party/gloo/gloo/cuda.cu:79:409: note: in C++11 destructors default to noexcept /root/pytorch/third_party/gloo/gloo/cuda.cu:82:411: warning: throw will always call terminate() [-Wterminate] CUDA_CHECK(cudaStreamDestroy(stream_)); ^ /root/pytorch/third_party/gloo/gloo/cuda.cu:82:411: note: in C++11 destructors default to noexcept /root/pytorch/third_party/gloo/gloo/cuda_private.h: In destructor ‘gloo::CudaDeviceGuard::~CudaDeviceGuard()’: /root/pytorch/third_party/gloo/gloo/cuda_private.h:98:423: warning: throw will always call terminate() [-Wterminate] CUDA_CHECK(cudaSetDevice(previous_)); ^ /root/pytorch/third_party/gloo/gloo/cuda_private.h:98:423: note: in C++11 destructors default to noexcept /root/pytorch/third_party/gloo/gloo/cuda_private.cu: In instantiation of ‘gloo::CudaMemory<T>::~CudaMemory() [with T = float]’: /root/pytorch/third_party/gloo/gloo/cuda_private.cu:113:16: required from here /root/pytorch/third_party/gloo/gloo/cuda_private.cu:87:415: warning: throw will always call terminate() [-Wterminate] CUDA_CHECK(cudaFree(ptr_)); ^ /root/pytorch/third_party/gloo/gloo/cuda_private.cu:87:415: note: in C++11 destructors default to noexcept /root/pytorch/third_party/gloo/gloo/cuda.cu: In instantiation of ‘gloo::CudaDevicePointer<T>::~CudaDevicePointer() [with T = signed char]’: /root/pytorch/third_party/gloo/gloo/cuda.cu:292:16: required from here /root/pytorch/third_party/gloo/gloo/cuda.cu:221:404: warning: throw will always call terminate() [-Wterminate] CUDA_CHECK(cudaFree(device_)); ^ /root/pytorch/third_party/gloo/gloo/cuda.cu:221:404: note: in C++11 destructors default to noexcept /root/pytorch/third_party/gloo/gloo/cuda.cu: In instantiation of ‘gloo::CudaHostPointer<T>::~CudaHostPointer() [with T = signed char]’: /root/pytorch/third_party/gloo/gloo/cuda.cu:292:64: required from here /root/pytorch/third_party/gloo/gloo/cuda.cu:267:406: warning: throw will always call terminate() [-Wterminate] CUDA_CHECK(cudaFreeHost(host_)); ^ /root/pytorch/third_party/gloo/gloo/cuda.cu:267:406: note: in C++11 destructors default to noexcept /root/pytorch/third_party/gloo/gloo/cuda.cu: In instantiation of ‘gloo::CudaDevicePointer<T>::~CudaDevicePointer() [with T = unsigned char]’: /root/pytorch/third_party/gloo/gloo/cuda.cu:293:16: required from here /root/pytorch/third_party/gloo/gloo/cuda.cu:221:404: warning: throw will always call terminate() [-Wterminate] CUDA_CHECK(cudaFree(device_)); ^ /root/pytorch/third_party/gloo/gloo/cuda.cu:221:404: note: in C++11 destructors default to noexcept /root/pytorch/third_party/gloo/gloo/cuda.cu: In instantiation of ‘gloo::CudaHostPointer<T>::~CudaHostPointer() [with T = unsigned char]’: /root/pytorch/third_party/gloo/gloo/cuda.cu:293:66: required from here /root/pytorch/third_party/gloo/gloo/cuda.cu:267:406: warning: throw will always call terminate() [-Wterminate] CUDA_CHECK(cudaFreeHost(host_)); ^ /root/pytorch/third_party/gloo/gloo/cuda.cu:267:406: note: in C++11 destructors default to noexcept /root/pytorch/third_party/gloo/gloo/cuda.cu: In instantiation of ‘gloo::CudaDevicePointer<T>::~CudaDevicePointer() [with T = int]’: /root/pytorch/third_party/gloo/gloo/cuda.cu:294:16: required from here /root/pytorch/third_party/gloo/gloo/cuda.cu:221:404: warning: throw will always call terminate() [-Wterminate] CUDA_CHECK(cudaFree(device_)); ^ /root/pytorch/third_party/gloo/gloo/cuda.cu:221:404: note: in C++11 destructors default to noexcept /root/pytorch/third_party/gloo/gloo/cuda_private.cu: In instantiation of ‘gloo::CudaMemory<T>::~CudaMemory() [with T = gloo::float16]’: /root/pytorch/third_party/gloo/gloo/cuda_private.cu:114:16: required from here /root/pytorch/third_party/gloo/gloo/cuda_private.cu:87:415: warning: throw will always call terminate() [-Wterminate] /root/pytorch/third_party/gloo/gloo/cuda_private.cu:87:415: note: in C++11 destructors default to noexcept /root/pytorch/third_party/gloo/gloo/cuda.cu: In instantiation of ‘gloo::CudaHostPointer<T>::~CudaHostPointer() [with T = int]’: /root/pytorch/third_party/gloo/gloo/cuda.cu:294:63: required from here /root/pytorch/third_party/gloo/gloo/cuda.cu:267:406: warning: throw will always call terminate() [-Wterminate] CUDA_CHECK(cudaFreeHost(host_)); ^ /root/pytorch/third_party/gloo/gloo/cuda.cu:267:406: note: in C++11 destructors default to noexcept /root/pytorch/third_party/gloo/gloo/cuda.cu: In instantiation of ‘gloo::CudaDevicePointer<T>::~CudaDevicePointer() [with T = long int]’: /root/pytorch/third_party/gloo/gloo/cuda.cu:295:16: required from here /root/pytorch/third_party/gloo/gloo/cuda.cu:221:404: warning: throw will always call terminate() [-Wterminate] CUDA_CHECK(cudaFree(device_)); ^ /root/pytorch/third_party/gloo/gloo/cuda.cu:221:404: note: in C++11 destructors default to noexcept /root/pytorch/third_party/gloo/gloo/cuda.cu: In instantiation of ‘gloo::CudaHostPointer<T>::~CudaHostPointer() [with T = long int]’: /root/pytorch/third_party/gloo/gloo/cuda.cu:295:64: required from here /root/pytorch/third_party/gloo/gloo/cuda.cu:267:406: warning: throw will always call terminate() [-Wterminate] CUDA_CHECK(cudaFreeHost(host_)); ^ /root/pytorch/third_party/gloo/gloo/cuda.cu:267:406: note: in C++11 destructors default to noexcept /root/pytorch/third_party/gloo/gloo/cuda.cu: In instantiation of ‘gloo::CudaDevicePointer<T>::~CudaDevicePointer() [with T = long unsigned int]’: /root/pytorch/third_party/gloo/gloo/cuda.cu:296:16: required from here /root/pytorch/third_party/gloo/gloo/cuda.cu:221:404: warning: throw will always call terminate() [-Wterminate] CUDA_CHECK(cudaFree(device_)); ^ /root/pytorch/third_party/gloo/gloo/cuda.cu:221:404: note: in C++11 destructors default to noexcept /root/pytorch/third_party/gloo/gloo/cuda.cu: In instantiation of ‘gloo::CudaHostPointer<T>::~CudaHostPointer() [with T = long unsigned int]’: /root/pytorch/third_party/gloo/gloo/cuda.cu:296:66: required from here /root/pytorch/third_party/gloo/gloo/cuda.cu:267:406: warning: throw will always call terminate() [-Wterminate] CUDA_CHECK(cudaFreeHost(host_)); ^ /root/pytorch/third_party/gloo/gloo/cuda.cu:267:406: note: in C++11 destructors default to noexcept /root/pytorch/third_party/gloo/gloo/cuda.cu: In instantiation of ‘gloo::CudaDevicePointer<T>::~CudaDevicePointer() [with T = gloo::float16]’: /root/pytorch/third_party/gloo/gloo/cuda.cu:297:16: required from here /root/pytorch/third_party/gloo/gloo/cuda.cu:221:404: warning: throw will always call terminate() [-Wterminate] CUDA_CHECK(cudaFree(device_)); ^ /root/pytorch/third_party/gloo/gloo/cuda.cu:221:404: note: in C++11 destructors default to noexcept /root/pytorch/third_party/gloo/gloo/cuda.cu: In instantiation of ‘gloo::CudaHostPointer<T>::~CudaHostPointer() [with T = gloo::float16]’: /root/pytorch/third_party/gloo/gloo/cuda.cu:297:60: required from here /root/pytorch/third_party/gloo/gloo/cuda.cu:267:406: warning: throw will always call terminate() [-Wterminate] CUDA_CHECK(cudaFreeHost(host_)); ^ /root/pytorch/third_party/gloo/gloo/cuda.cu:267:406: note: in C++11 destructors default to noexcept /root/pytorch/third_party/gloo/gloo/cuda.cu: In instantiation of ‘gloo::CudaDevicePointer<T>::~CudaDevicePointer() [with T = float]’: /root/pytorch/third_party/gloo/gloo/cuda.cu:298:16: required from here /root/pytorch/third_party/gloo/gloo/cuda.cu:221:404: warning: throw will always call terminate() [-Wterminate] CUDA_CHECK(cudaFree(device_)); ^ /root/pytorch/third_party/gloo/gloo/cuda.cu:221:404: note: in C++11 destructors default to noexcept /root/pytorch/third_party/gloo/gloo/cuda.cu: In instantiation of ‘gloo::CudaHostPointer<T>::~CudaHostPointer() [with T = float]’: /root/pytorch/third_party/gloo/gloo/cuda.cu:298:58: required from here /root/pytorch/third_party/gloo/gloo/cuda.cu:267:406: warning: throw will always call terminate() [-Wterminate] CUDA_CHECK(cudaFreeHost(host_)); ^ /root/pytorch/third_party/gloo/gloo/cuda.cu:267:406: note: in C++11 destructors default to noexcept /root/pytorch/third_party/gloo/gloo/cuda.cu: In instantiation of ‘gloo::CudaDevicePointer<T>::~CudaDevicePointer() [with T = double]’: /root/pytorch/third_party/gloo/gloo/cuda.cu:299:16: required from here /root/pytorch/third_party/gloo/gloo/cuda.cu:221:404: warning: throw will always call terminate() [-Wterminate] CUDA_CHECK(cudaFree(device_)); ^ /root/pytorch/third_party/gloo/gloo/cuda.cu:221:404: note: in C++11 destructors default to noexcept /root/pytorch/third_party/gloo/gloo/cuda.cu: In instantiation of ‘gloo::CudaHostPointer<T>::~CudaHostPointer() [with T = double]’: /root/pytorch/third_party/gloo/gloo/cuda.cu:299:59: required from here /root/pytorch/third_party/gloo/gloo/cuda.cu:267:406: warning: throw will always call terminate() [-Wterminate] CUDA_CHECK(cudaFreeHost(host_)); ^ /root/pytorch/third_party/gloo/gloo/cuda.cu:267:406: note: in C++11 destructors default to noexcept [ 23%] Building C object sleef/src/libm/CMakeFiles/sleeffma4.dir/sleefsimddp.c.o [ 23%] Building C object sleef/src/libm/CMakeFiles/sleefavx2128.dir/sleefsimddp.c.o Scanning dependencies of target generate_plugin_pb2.py [ 23%] Generating plugin_pb2.py [ 23%] Built target generate_plugin_pb2.py [ 23%] Building C object sleef/src/libm/CMakeFiles/sleefsse2.dir/sleefsimddp.c.o [ 23%] Built target dispsse_obj Scanning dependencies of target generate_nanopb_pb2.py Scanning dependencies of target gen_onnx_proto [ 23%] Built target sleefavx [ 23%] Generating nanopb_pb2.py [ 23%] Running gen_proto.py on onnx/onnx.in.proto [ 23%] Running C++/Python protocol buffer compiler on /root/pytorch/caffe2/proto/caffe2.proto [ 23%] Running C++/Python protocol buffer compiler on /root/pytorch/caffe2/proto/prof_dag.proto Processing /root/pytorch/third_party/onnx/onnx/onnx.in.proto Writing /root/pytorch/build/third_party/onnx/onnx/onnx_onnx_torch.proto Writing /root/pytorch/build/third_party/onnx/onnx/onnx_onnx_torch.proto3 Writing /root/pytorch/build/third_party/onnx/onnx/onnx.pb.h generating /root/pytorch/build/third_party/onnx/onnx/onnx_pb.py [ 23%] Built target generate_nanopb_pb2.py [ 23%] Running C++/Python protocol buffer compiler on /root/pytorch/caffe2/proto/caffe2_legacy.proto [ 23%] Running C++ protocol buffer compiler on /root/pytorch/build/third_party/onnx/onnx/onnx_onnx_torch.proto [ 23%] Running C++/Python protocol buffer compiler on /root/pytorch/caffe2/proto/hsm.proto [ 23%] Running C++/Python protocol buffer compiler on /root/pytorch/caffe2/proto/metanet.proto [ 23%] Running C++/Python protocol buffer compiler on /root/pytorch/caffe2/proto/predictor_consts.proto [ 23%] Built target gen_onnx_proto [ 23%] Running gen_proto.py on onnx/onnx-operators.in.proto /root/pytorch/third_party/gloo/gloo/cuda_private.h: In destructor ‘gloo::CudaDeviceGuard::~CudaDeviceGuard()’: /root/pytorch/third_party/gloo/gloo/cuda_private.h:98:423: warning: throw will always call terminate() [-Wterminate] CUDA_CHECK(cudaSetDevice(previous_)); ^ /root/pytorch/third_party/gloo/gloo/cuda_private.h:98:423: note: in C++11 destructors default to noexcept Processing /root/pytorch/third_party/onnx/onnx/onnx-operators.in.proto Writing /root/pytorch/build/third_party/onnx/onnx/onnx-operators_onnx_torch.proto Writing /root/pytorch/build/third_party/onnx/onnx/onnx-operators_onnx_torch.proto3 Writing /root/pytorch/build/third_party/onnx/onnx/onnx-operators.pb.h generating /root/pytorch/build/third_party/onnx/onnx/onnx_operators_pb.py Scanning dependencies of target Caffe2_PROTO [ 23%] Running C++ protocol buffer compiler on /root/pytorch/build/third_party/onnx/onnx/onnx-operators_onnx_torch.proto [ 23%] Building CXX object caffe2/proto/CMakeFiles/Caffe2_PROTO.dir/hsm.pb.cc.o /root/pytorch/third_party/gloo/gloo/nccl/nccl.cu: In instantiation of ‘gloo::nccl::NCCLExecution<T>::~NCCLExecution() [with T = signed char]’: /root/pytorch/third_party/gloo/gloo/nccl/nccl.cu:340:16: required from here /root/pytorch/third_party/gloo/gloo/nccl/nccl.cu:93:428: warning: throw will always call terminate() [-Wterminate] CUDA_CHECK(cudaEventDestroy(ncclEvents[i])); ^ /root/pytorch/third_party/gloo/gloo/nccl/nccl.cu:93:428: note: in C++11 destructors default to noexcept [ 23%] Building CXX object caffe2/proto/CMakeFiles/Caffe2_PROTO.dir/caffe2_legacy.pb.cc.o /root/pytorch/third_party/gloo/gloo/nccl/nccl.cu: In instantiation of ‘gloo::nccl::NCCLExecution<T>::~NCCLExecution() [with T = unsigned char]’: /root/pytorch/third_party/gloo/gloo/nccl/nccl.cu:341:16: required from here /root/pytorch/third_party/gloo/gloo/nccl/nccl.cu:93:428: warning: throw will always call terminate() [-Wterminate] /root/pytorch/third_party/gloo/gloo/nccl/nccl.cu:93:428: note: in C++11 destructors default to noexcept /root/pytorch/third_party/gloo/gloo/nccl/nccl.cu: In instantiation of ‘gloo::nccl::NCCLExecution<T>::~NCCLExecution() [with T = int]’: /root/pytorch/third_party/gloo/gloo/nccl/nccl.cu:342:16: required from here /root/pytorch/third_party/gloo/gloo/nccl/nccl.cu:93:428: warning: throw will always call terminate() [-Wterminate] /root/pytorch/third_party/gloo/gloo/nccl/nccl.cu:93:428: note: in C++11 destructors default to noexcept [ 23%] Building CXX object caffe2/proto/CMakeFiles/Caffe2_PROTO.dir/caffe2.pb.cc.o Scanning dependencies of target onnx_proto /root/pytorch/third_party/gloo/gloo/nccl/nccl.cu: In instantiation of ‘gloo::nccl::NCCLExecution<T>::~NCCLExecution() [with T = long int]’: /root/pytorch/third_party/gloo/gloo/nccl/nccl.cu:343:16: required from here /root/pytorch/third_party/gloo/gloo/nccl/nccl.cu:93:428: warning: throw will always call terminate() [-Wterminate] /root/pytorch/third_party/gloo/gloo/nccl/nccl.cu:93:428: note: in C++11 destructors default to noexcept /root/pytorch/third_party/gloo/gloo/nccl/nccl.cu: In instantiation of ‘gloo::nccl::NCCLExecution<T>::~NCCLExecution() [with T = long unsigned int]’: /root/pytorch/third_party/gloo/gloo/nccl/nccl.cu:344:16: required from here /root/pytorch/third_party/gloo/gloo/nccl/nccl.cu:93:428: warning: throw will always call terminate() [-Wterminate] /root/pytorch/third_party/gloo/gloo/nccl/nccl.cu:93:428: note: in C++11 destructors default to noexcept /root/pytorch/third_party/gloo/gloo/nccl/nccl.cu: In instantiation of ‘gloo::nccl::NCCLExecution<T>::~NCCLExecution() [with T = gloo::float16]’: /root/pytorch/third_party/gloo/gloo/nccl/nccl.cu:345:16: required from here /root/pytorch/third_party/gloo/gloo/nccl/nccl.cu:93:428: warning: throw will always call terminate() [-Wterminate] /root/pytorch/third_party/gloo/gloo/nccl/nccl.cu:93:428: note: in C++11 destructors default to noexcept /root/pytorch/third_party/gloo/gloo/nccl/nccl.cu: In instantiation of ‘gloo::nccl::NCCLExecution<T>::~NCCLExecution() [with T = float]’: /root/pytorch/third_party/gloo/gloo/nccl/nccl.cu:346:16: required from here /root/pytorch/third_party/gloo/gloo/nccl/nccl.cu:93:428: warning: throw will always call terminate() [-Wterminate] /root/pytorch/third_party/gloo/gloo/nccl/nccl.cu:93:428: note: in C++11 destructors default to noexcept /root/pytorch/third_party/gloo/gloo/nccl/nccl.cu: In instantiation of ‘gloo::nccl::NCCLExecution<T>::~NCCLExecution() [with T = double]’: /root/pytorch/third_party/gloo/gloo/nccl/nccl.cu:347:16: required from here /root/pytorch/third_party/gloo/gloo/nccl/nccl.cu:93:428: warning: throw will always call terminate() [-Wterminate] /root/pytorch/third_party/gloo/gloo/nccl/nccl.cu:93:428: note: in C++11 destructors default to noexcept [ 23%] Building CXX object third_party/onnx/CMakeFiles/onnx_proto.dir/onnx/onnx_onnx_torch.pb.cc.o [ 23%] Built target sleeffma4 [ 23%] Building CXX object third_party/onnx/CMakeFiles/onnx_proto.dir/onnx/onnx-operators_onnx_torch.pb.cc.o [ 23%] Built target sleefavx2128 [ 23%] Building CXX object caffe2/proto/CMakeFiles/Caffe2_PROTO.dir/metanet.pb.cc.o [ 23%] Built target sleefsse2 Scanning dependencies of target sleef [ 23%] Building C object sleef/src/libm/CMakeFiles/sleef.dir/sleefdp.c.o [ 23%] Generating src/x86_64-fma/2d-fourier-16x16.py.o [ 23%] Building CXX object caffe2/proto/CMakeFiles/Caffe2_PROTO.dir/predictor_consts.pb.cc.o [ 23%] Building CXX object caffe2/proto/CMakeFiles/Caffe2_PROTO.dir/prof_dag.pb.cc.o [ 23%] Building C object sleef/src/libm/CMakeFiles/sleef.dir/sleefsp.c.o [ 23%] Building C object sleef/src/libm/CMakeFiles/sleef.dir/sleefld.c.o [ 23%] Building C object sleef/src/libm/CMakeFiles/sleef.dir/sleefqp.c.o [ 23%] Built target ATEN_CUDA_FILES_GEN_TARGET [ 23%] Built target ATEN_CPU_FILES_GEN_TARGET Scanning dependencies of target __aten_op_header_gen [ 23%] Generating contrib/aten/aten_op.h [ 23%] Linking C static library ../../lib/libsleef.a [ 23%] Built target sleef [ 23%] Linking CXX static library ../../../lib/libgloo_cuda.a [ 23%] Built target gloo_cuda [ 23%] Built target gloo_builder [ 23%] Built target python_copy_files [ 23%] Linking CXX static library ../../lib/libonnx_proto.a [ 23%] Built target onnx_proto Scanning dependencies of target onnx [ 23%] Building CXX object third_party/onnx/CMakeFiles/onnx.dir/onnx/common/interned_strings.cc.o [ 23%] Building CXX object third_party/onnx/CMakeFiles/onnx.dir/onnx/checker.cc.o [ 23%] Building CXX object third_party/onnx/CMakeFiles/onnx.dir/onnx/common/assertions.cc.o [ 23%] Building CXX object third_party/onnx/CMakeFiles/onnx.dir/onnx/common/model_helpers.cc.o [ 23%] Building CXX object third_party/onnx/CMakeFiles/onnx.dir/onnx/defs/data_type_utils.cc.o [ 23%] Building CXX object third_party/onnx/CMakeFiles/onnx.dir/onnx/defs/experiments/defs.cc.o [ 23%] Building CXX object third_party/onnx/CMakeFiles/onnx.dir/onnx/defs/controlflow/defs.cc.o [ 23%] Building CXX object third_party/onnx/CMakeFiles/onnx.dir/onnx/common/status.cc.o [ 23%] Building CXX object third_party/onnx/CMakeFiles/onnx.dir/onnx/common/ir_pb_converter.cc.o [ 24%] Building CXX object third_party/onnx/CMakeFiles/onnx.dir/onnx/defs/experiments/experiments_functions.cc.o [ 24%] Built target Caffe2_PROTO Scanning dependencies of target nomnigraph [ 24%] Building CXX object caffe2/core/nomnigraph/CMakeFiles/nomnigraph.dir/Representations/NeuralNet.cc.o [ 24%] Building CXX object third_party/onnx/CMakeFiles/onnx.dir/onnx/defs/function.cc.o [ 24%] Building CXX object third_party/onnx/CMakeFiles/onnx.dir/onnx/defs/generator/defs.cc.o Scanning dependencies of target Caffe2_perfkernels_avx [ 24%] Linking CXX static library ../lib/libcaffe2_protos.a [ 24%] Building CXX object caffe2/perfkernels/CMakeFiles/Caffe2_perfkernels_avx.dir/common_avx.cc.o [ 24%] Built target caffe2_protos [ 25%] Building CXX object caffe2/perfkernels/CMakeFiles/Caffe2_perfkernels_avx.dir/typed_axpy_avx.cc.o [ 25%] Building CXX object third_party/onnx/CMakeFiles/onnx.dir/onnx/defs/logical/defs.cc.o [ 25%] Building CXX object caffe2/core/nomnigraph/CMakeFiles/nomnigraph.dir/tests/test_util.cc.o [ 25%] Building CXX object third_party/onnx/CMakeFiles/onnx.dir/onnx/defs/logical/old.cc.o [ 25%] Building CXX object third_party/onnx/CMakeFiles/onnx.dir/onnx/defs/math/defs.cc.o [ 25%] Building CXX object third_party/onnx/CMakeFiles/onnx.dir/onnx/defs/math/old.cc.o [ 25%] Built target Caffe2_perfkernels_avx [ 25%] Building CXX object third_party/onnx/CMakeFiles/onnx.dir/onnx/defs/nn/defs.cc.o Scanning dependencies of target dispatch [ 25%] Building CXX object caffe2/core/dispatch/CMakeFiles/dispatch.dir/DeviceId.cpp.o [ 25%] Building CXX object caffe2/core/dispatch/CMakeFiles/dispatch.dir/Dispatcher.cpp.o [ 25%] Building CXX object third_party/onnx/CMakeFiles/onnx.dir/onnx/defs/nn/old.cc.o [ 25%] Building CXX object third_party/onnx/CMakeFiles/onnx.dir/onnx/defs/reduction/defs.cc.o In file included from /root/pytorch/aten/src/ATen/core/typeid.h:22:0, from /root/pytorch/caffe2/core/typeid.h:7, from /root/pytorch/caffe2/core/dispatch/DispatchKey.h:5, from /root/pytorch/caffe2/core/dispatch/OpSchema.h:3, from /root/pytorch/caffe2/core/dispatch/DispatchTable.h:4, from /root/pytorch/caffe2/core/dispatch/Dispatcher.h:3, from /root/pytorch/caffe2/core/dispatch/Dispatcher.cpp:1: /root/pytorch/aten/src/ATen/core/Half.h: In function ‘typename std::enable_if<std::is_integral<_Tp2>::value, bool>::type at::overflows(From)’: /root/pytorch/aten/src/ATen/core/Half.h:85:53: warning: use of old-style cast [-Wold-style-cast] return f > limit::max() || (f < 0 && -(uint64_t)f > limit::max()); ^ /root/pytorch/aten/src/ATen/core/Half.h: In function ‘typename std::enable_if<(! std::is_integral<_Tp2>::value), bool>::type at::overflows(From)’: /root/pytorch/aten/src/ATen/core/Half.h:95:49: warning: use of old-style cast [-Wold-style-cast] if (limit::has_infinity && std::isinf((double)f)) { ^ In file included from /root/pytorch/aten/src/ATen/core/Half.h:125:0, from /root/pytorch/aten/src/ATen/core/typeid.h:22, from /root/pytorch/caffe2/core/typeid.h:7, from /root/pytorch/caffe2/core/dispatch/DispatchKey.h:5, from /root/pytorch/caffe2/core/dispatch/OpSchema.h:3, from /root/pytorch/caffe2/core/dispatch/DispatchTable.h:4, from /root/pytorch/caffe2/core/dispatch/Dispatcher.h:3, from /root/pytorch/caffe2/core/dispatch/Dispatcher.cpp:1: /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘at::Half at::operator+(const at::Half&, const at::Half&)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:49:17: warning: use of old-style cast [-Wold-style-cast] return (float)a + (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h:49:28: warning: use of old-style cast [-Wold-style-cast] return (float)a + (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘at::Half at::operator-(const at::Half&, const at::Half&)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:53:17: warning: use of old-style cast [-Wold-style-cast] return (float)a - (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h:53:28: warning: use of old-style cast [-Wold-style-cast] return (float)a - (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘at::Half at::operator*(const at::Half&, const at::Half&)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:57:17: warning: use of old-style cast [-Wold-style-cast] return (float)a * (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h:57:28: warning: use of old-style cast [-Wold-style-cast] return (float)a * (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘at::Half at::operator/(const at::Half&, const at::Half&)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:61:17: warning: use of old-style cast [-Wold-style-cast] return (float)a / (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h:61:28: warning: use of old-style cast [-Wold-style-cast] return (float)a / (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘at::Half at::operator-(const at::Half&)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:65:18: warning: use of old-style cast [-Wold-style-cast] return -(float)a; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘float at::operator+(at::Half, float)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:91:17: warning: use of old-style cast [-Wold-style-cast] return (float)a + b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘float at::operator-(at::Half, float)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:94:17: warning: use of old-style cast [-Wold-style-cast] return (float)a - b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘float at::operator*(at::Half, float)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:97:17: warning: use of old-style cast [-Wold-style-cast] return (float)a * b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘float at::operator/(at::Half, float)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:100:17: warning: use of old-style cast [-Wold-style-cast] return (float)a / b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘float at::operator+(float, at::Half)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:104:21: warning: use of old-style cast [-Wold-style-cast] return a + (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘float at::operator-(float, at::Half)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:107:21: warning: use of old-style cast [-Wold-style-cast] return a - (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘float at::operator*(float, at::Half)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:110:21: warning: use of old-style cast [-Wold-style-cast] return a * (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘float at::operator/(float, at::Half)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:113:21: warning: use of old-style cast [-Wold-style-cast] return a / (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘float& at::operator+=(float&, const at::Half&)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:117:22: warning: use of old-style cast [-Wold-style-cast] return a += (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘float& at::operator-=(float&, const at::Half&)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:120:22: warning: use of old-style cast [-Wold-style-cast] return a -= (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘float& at::operator*=(float&, const at::Half&)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:123:22: warning: use of old-style cast [-Wold-style-cast] return a *= (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘float& at::operator/=(float&, const at::Half&)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:126:22: warning: use of old-style cast [-Wold-style-cast] return a /= (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘double at::operator+(at::Half, double)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:132:18: warning: use of old-style cast [-Wold-style-cast] return (double)a + b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘double at::operator-(at::Half, double)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:135:18: warning: use of old-style cast [-Wold-style-cast] return (double)a - b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘double at::operator*(at::Half, double)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:138:18: warning: use of old-style cast [-Wold-style-cast] return (double)a * b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘double at::operator/(at::Half, double)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:141:18: warning: use of old-style cast [-Wold-style-cast] return (double)a / b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘double at::operator+(double, at::Half)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:145:22: warning: use of old-style cast [-Wold-style-cast] return a + (double)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘double at::operator-(double, at::Half)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:148:22: warning: use of old-style cast [-Wold-style-cast] return a - (double)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘double at::operator*(double, at::Half)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:151:22: warning: use of old-style cast [-Wold-style-cast] return a * (double)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘double at::operator/(double, at::Half)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:154:22: warning: use of old-style cast [-Wold-style-cast] return a / (double)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘at::Half at::operator+(at::Half, int)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:160:20: warning: use of old-style cast [-Wold-style-cast] return a + (Half)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘at::Half at::operator-(at::Half, int)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:163:20: warning: use of old-style cast [-Wold-style-cast] return a - (Half)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘at::Half at::operator*(at::Half, int)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:166:20: warning: use of old-style cast [-Wold-style-cast] return a * (Half)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘at::Half at::operator/(at::Half, int)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:169:20: warning: use of old-style cast [-Wold-style-cast] return a / (Half)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘at::Half at::operator+(int, at::Half)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:173:16: warning: use of old-style cast [-Wold-style-cast] return (Half)a + b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘at::Half at::operator-(int, at::Half)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:176:16: warning: use of old-style cast [-Wold-style-cast] return (Half)a - b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘at::Half at::operator*(int, at::Half)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:179:16: warning: use of old-style cast [-Wold-style-cast] return (Half)a * b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘at::Half at::operator/(int, at::Half)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:182:16: warning: use of old-style cast [-Wold-style-cast] return (Half)a / b; ^ In file included from /root/pytorch/caffe2/core/typeid.h:7:0, from /root/pytorch/caffe2/core/dispatch/DispatchKey.h:5, from /root/pytorch/caffe2/core/dispatch/OpSchema.h:3, from /root/pytorch/caffe2/core/dispatch/DispatchTable.h:4, from /root/pytorch/caffe2/core/dispatch/Dispatcher.h:3, from /root/pytorch/caffe2/core/dispatch/Dispatcher.cpp:1: /root/pytorch/aten/src/ATen/core/typeid.h: At global scope: /root/pytorch/aten/src/ATen/core/typeid.h:460:37: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(0, uint8_t); ^ /root/pytorch/aten/src/ATen/core/typeid.h:461:36: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(1, int8_t); ^ /root/pytorch/aten/src/ATen/core/typeid.h:462:37: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(2, int16_t); ^ /root/pytorch/aten/src/ATen/core/typeid.h:463:33: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(3, int); ^ /root/pytorch/aten/src/ATen/core/typeid.h:464:37: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(4, int64_t); ^ /root/pytorch/aten/src/ATen/core/typeid.h:465:38: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(5, at::Half); ^ /root/pytorch/aten/src/ATen/core/typeid.h:466:35: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(6, float); ^ /root/pytorch/aten/src/ATen/core/typeid.h:467:36: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(7, double); ^ /root/pytorch/aten/src/ATen/core/typeid.h:470:36: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(9, Tensor); ^ /root/pytorch/aten/src/ATen/core/typeid.h:471:42: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(10, std::string); ^ /root/pytorch/aten/src/ATen/core/typeid.h:472:35: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(11, bool); ^ /root/pytorch/aten/src/ATen/core/typeid.h:473:39: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(12, uint16_t); ^ /root/pytorch/aten/src/ATen/core/typeid.h:474:35: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(13, char); ^ /root/pytorch/aten/src/ATen/core/typeid.h:475:58: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(14, std::unique_ptr<std::mutex>); ^ /root/pytorch/aten/src/ATen/core/typeid.h:476:65: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(15, std::unique_ptr<std::atomic<bool>>); ^ /root/pytorch/aten/src/ATen/core/typeid.h:477:51: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(16, std::vector<int32_t>); ^ /root/pytorch/aten/src/ATen/core/typeid.h:478:51: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(17, std::vector<int64_t>); ^ /root/pytorch/aten/src/ATen/core/typeid.h:479:57: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(18, std::vector<unsigned long>); ^ /root/pytorch/aten/src/ATen/core/typeid.h:480:36: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(19, bool*); ^ /root/pytorch/aten/src/ATen/core/typeid.h:481:36: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(20, char*); ^ /root/pytorch/aten/src/ATen/core/typeid.h:482:35: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(21, int*); ^ /root/pytorch/aten/src/ATen/core/typeid.h:489:62: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(24, _CaffeHighestPreallocatedTypeId); ^ In file included from /root/pytorch/caffe2/core/dispatch/OpSchema.h:4:0, from /root/pytorch/caffe2/core/dispatch/DispatchTable.h:4, from /root/pytorch/caffe2/core/dispatch/Dispatcher.h:3, from /root/pytorch/caffe2/core/dispatch/Dispatcher.cpp:1: /root/pytorch/build/caffe2/proto/caffe2.pb.h:129:41: warning: redundant redeclaration of ‘const string& caffe2::GetEmptyStringAlreadyInited()’ in same scope [-Wredundant-decls] namespace caffe2 { const ::std::string& GetEmptyStringAlreadyInited(); ^~~~~~~~~~~~~~~~~~~~~~~~~~~ /root/pytorch/build/caffe2/proto/caffe2.pb.h:85:41: note: previous declaration of ‘const string& caffe2::GetEmptyStringAlreadyInited()’ namespace caffe2 { const ::std::string& GetEmptyStringAlreadyInited(); ^~~~~~~~~~~~~~~~~~~~~~~~~~~ [ 25%] Building CXX object third_party/onnx/CMakeFiles/onnx.dir/onnx/defs/rnn/defs.cc.o [ 25%] Linking CXX static library ../../../lib/libnomnigraph.a [ 25%] Built target nomnigraph [ 25%] Building CXX object third_party/onnx/CMakeFiles/onnx.dir/onnx/defs/rnn/old.cc.o Scanning dependencies of target Caffe2_perfkernels_avx2 cc1plus: warning: unrecognized command line option ‘-Wno-stringop-overflow’ [ 25%] Building CXX object third_party/onnx/CMakeFiles/onnx.dir/onnx/defs/schema.cc.o [ 25%] Building CXX object caffe2/perfkernels/CMakeFiles/Caffe2_perfkernels_avx2.dir/common_avx2.cc.o [ 25%] Building CXX object caffe2/core/dispatch/CMakeFiles/dispatch.dir/DispatchKey.cpp.o In file included from /root/pytorch/aten/src/ATen/core/typeid.h:22:0, from /root/pytorch/caffe2/core/typeid.h:7, from /root/pytorch/caffe2/core/dispatch/DispatchKey.h:5, from /root/pytorch/caffe2/core/dispatch/DispatchKey.cpp:1: /root/pytorch/aten/src/ATen/core/Half.h: In function ‘typename std::enable_if<std::is_integral<_Tp2>::value, bool>::type at::overflows(From)’: /root/pytorch/aten/src/ATen/core/Half.h:85:53: warning: use of old-style cast [-Wold-style-cast] return f > limit::max() || (f < 0 && -(uint64_t)f > limit::max()); ^ /root/pytorch/aten/src/ATen/core/Half.h: In function ‘typename std::enable_if<(! std::is_integral<_Tp2>::value), bool>::type at::overflows(From)’: /root/pytorch/aten/src/ATen/core/Half.h:95:49: warning: use of old-style cast [-Wold-style-cast] if (limit::has_infinity && std::isinf((double)f)) { ^ In file included from /root/pytorch/aten/src/ATen/core/Half.h:125:0, from /root/pytorch/aten/src/ATen/core/typeid.h:22, from /root/pytorch/caffe2/core/typeid.h:7, from /root/pytorch/caffe2/core/dispatch/DispatchKey.h:5, from /root/pytorch/caffe2/core/dispatch/DispatchKey.cpp:1: /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘at::Half at::operator+(const at::Half&, const at::Half&)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:49:17: warning: use of old-style cast [-Wold-style-cast] return (float)a + (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h:49:28: warning: use of old-style cast [-Wold-style-cast] return (float)a + (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘at::Half at::operator-(const at::Half&, const at::Half&)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:53:17: warning: use of old-style cast [-Wold-style-cast] return (float)a - (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h:53:28: warning: use of old-style cast [-Wold-style-cast] return (float)a - (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘at::Half at::operator*(const at::Half&, const at::Half&)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:57:17: warning: use of old-style cast [-Wold-style-cast] return (float)a * (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h:57:28: warning: use of old-style cast [-Wold-style-cast] return (float)a * (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘at::Half at::operator/(const at::Half&, const at::Half&)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:61:17: warning: use of old-style cast [-Wold-style-cast] return (float)a / (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h:61:28: warning: use of old-style cast [-Wold-style-cast] return (float)a / (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘at::Half at::operator-(const at::Half&)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:65:18: warning: use of old-style cast [-Wold-style-cast] return -(float)a; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘float at::operator+(at::Half, float)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:91:17: warning: use of old-style cast [-Wold-style-cast] return (float)a + b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘float at::operator-(at::Half, float)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:94:17: warning: use of old-style cast [-Wold-style-cast] return (float)a - b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘float at::operator*(at::Half, float)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:97:17: warning: use of old-style cast [-Wold-style-cast] return (float)a * b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘float at::operator/(at::Half, float)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:100:17: warning: use of old-style cast [-Wold-style-cast] return (float)a / b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘float at::operator+(float, at::Half)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:104:21: warning: use of old-style cast [-Wold-style-cast] return a + (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘float at::operator-(float, at::Half)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:107:21: warning: use of old-style cast [-Wold-style-cast] return a - (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘float at::operator*(float, at::Half)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:110:21: warning: use of old-style cast [-Wold-style-cast] return a * (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘float at::operator/(float, at::Half)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:113:21: warning: use of old-style cast [-Wold-style-cast] return a / (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘float& at::operator+=(float&, const at::Half&)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:117:22: warning: use of old-style cast [-Wold-style-cast] return a += (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘float& at::operator-=(float&, const at::Half&)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:120:22: warning: use of old-style cast [-Wold-style-cast] return a -= (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘float& at::operator*=(float&, const at::Half&)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:123:22: warning: use of old-style cast [-Wold-style-cast] return a *= (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘float& at::operator/=(float&, const at::Half&)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:126:22: warning: use of old-style cast [-Wold-style-cast] return a /= (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘double at::operator+(at::Half, double)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:132:18: warning: use of old-style cast [-Wold-style-cast] return (double)a + b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘double at::operator-(at::Half, double)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:135:18: warning: use of old-style cast [-Wold-style-cast] return (double)a - b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘double at::operator*(at::Half, double)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:138:18: warning: use of old-style cast [-Wold-style-cast] return (double)a * b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘double at::operator/(at::Half, double)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:141:18: warning: use of old-style cast [-Wold-style-cast] return (double)a / b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘double at::operator+(double, at::Half)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:145:22: warning: use of old-style cast [-Wold-style-cast] return a + (double)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘double at::operator-(double, at::Half)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:148:22: warning: use of old-style cast [-Wold-style-cast] return a - (double)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘double at::operator*(double, at::Half)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:151:22: warning: use of old-style cast [-Wold-style-cast] return a * (double)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘double at::operator/(double, at::Half)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:154:22: warning: use of old-style cast [-Wold-style-cast] return a / (double)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘at::Half at::operator+(at::Half, int)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:160:20: warning: use of old-style cast [-Wold-style-cast] return a + (Half)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘at::Half at::operator-(at::Half, int)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:163:20: warning: use of old-style cast [-Wold-style-cast] return a - (Half)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘at::Half at::operator*(at::Half, int)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:166:20: warning: use of old-style cast [-Wold-style-cast] return a * (Half)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘at::Half at::operator/(at::Half, int)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:169:20: warning: use of old-style cast [-Wold-style-cast] return a / (Half)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘at::Half at::operator+(int, at::Half)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:173:16: warning: use of old-style cast [-Wold-style-cast] return (Half)a + b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘at::Half at::operator-(int, at::Half)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:176:16: warning: use of old-style cast [-Wold-style-cast] return (Half)a - b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘at::Half at::operator*(int, at::Half)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:179:16: warning: use of old-style cast [-Wold-style-cast] return (Half)a * b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘at::Half at::operator/(int, at::Half)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:182:16: warning: use of old-style cast [-Wold-style-cast] return (Half)a / b; ^ In file included from /root/pytorch/caffe2/core/typeid.h:7:0, from /root/pytorch/caffe2/core/dispatch/DispatchKey.h:5, from /root/pytorch/caffe2/core/dispatch/DispatchKey.cpp:1: /root/pytorch/aten/src/ATen/core/typeid.h: At global scope: /root/pytorch/aten/src/ATen/core/typeid.h:460:37: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(0, uint8_t); ^ /root/pytorch/aten/src/ATen/core/typeid.h:461:36: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(1, int8_t); ^ /root/pytorch/aten/src/ATen/core/typeid.h:462:37: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(2, int16_t); ^ /root/pytorch/aten/src/ATen/core/typeid.h:463:33: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(3, int); ^ /root/pytorch/aten/src/ATen/core/typeid.h:464:37: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(4, int64_t); ^ /root/pytorch/aten/src/ATen/core/typeid.h:465:38: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(5, at::Half); ^ /root/pytorch/aten/src/ATen/core/typeid.h:466:35: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(6, float); ^ /root/pytorch/aten/src/ATen/core/typeid.h:467:36: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(7, double); ^ /root/pytorch/aten/src/ATen/core/typeid.h:470:36: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(9, Tensor); ^ /root/pytorch/aten/src/ATen/core/typeid.h:471:42: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(10, std::string); ^ /root/pytorch/aten/src/ATen/core/typeid.h:472:35: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(11, bool); ^ /root/pytorch/aten/src/ATen/core/typeid.h:473:39: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(12, uint16_t); ^ /root/pytorch/aten/src/ATen/core/typeid.h:474:35: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(13, char); ^ /root/pytorch/aten/src/ATen/core/typeid.h:475:58: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(14, std::unique_ptr<std::mutex>); ^ /root/pytorch/aten/src/ATen/core/typeid.h:476:65: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(15, std::unique_ptr<std::atomic<bool>>); ^ /root/pytorch/aten/src/ATen/core/typeid.h:477:51: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(16, std::vector<int32_t>); ^ /root/pytorch/aten/src/ATen/core/typeid.h:478:51: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(17, std::vector<int64_t>); ^ /root/pytorch/aten/src/ATen/core/typeid.h:479:57: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(18, std::vector<unsigned long>); ^ /root/pytorch/aten/src/ATen/core/typeid.h:480:36: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(19, bool*); ^ /root/pytorch/aten/src/ATen/core/typeid.h:481:36: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(20, char*); ^ /root/pytorch/aten/src/ATen/core/typeid.h:482:35: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(21, int*); ^ /root/pytorch/aten/src/ATen/core/typeid.h:489:62: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(24, _CaffeHighestPreallocatedTypeId); ^ cc1plus: warning: unrecognized command line option ‘-Wno-stringop-overflow’ Skipping data_ptr Because of Ret: void* (void*) Skipping multinomial Because of Arg: Generator * (Generator*) Skipping normal Because of Arg: Generator * (Generator*) Skipping normal Because of Arg: Generator * (Generator*) Skipping normal Because of Arg: Generator * (Generator*) Skipping _th_bernoulli Because of Arg: Generator * (Generator*) Skipping tensor Because of Arg: Storage & (Storage) Skipping tensor Because of Arg: Storage & (Storage) Skipping prelu_backward Because of Arg: std::array<bool,2> (std::array<bool,2>) Skipping rrelu_with_noise Because of Arg: Generator * (Generator*) Skipping rrelu_with_noise_forward Because of Arg: Generator * (Generator*) Skipping thnn_batch_norm_backward Because of Arg: std::array<bool,3> (std::array<bool,3>) Skipping thnn_conv_transpose2d_backward Because of Arg: std::array<bool,3> (std::array<bool,3>) Skipping thnn_conv_transpose3d_backward Because of Arg: std::array<bool,3> (std::array<bool,3>) Skipping thnn_conv2d_backward Because of Arg: std::array<bool,3> (std::array<bool,3>) Skipping thnn_conv_depthwise2d_backward Because of Arg: std::array<bool,2> (std::array<bool,2>) Skipping thnn_conv3d_backward Because of Arg: std::array<bool,3> (std::array<bool,3>) Skipping thnn_conv_dilated2d_backward Because of Arg: std::array<bool,3> (std::array<bool,3>) Skipping thnn_conv_dilated3d_backward Because of Arg: std::array<bool,3> (std::array<bool,3>) Skipping _cudnn_rnn_backward Because of Arg: std::array<bool,4> (std::array<bool,4>) Skipping _cudnn_init_dropout_state Because of Arg: const Type & (Type) Skipping _fused_dropout Because of Arg: Generator * (Generator *) Skipping arange because it is a factory method Skipping bartlett_window because it is a factory method Skipping bernoulli Because of Arg: Generator * (Generator *) Skipping bernoulli Because of Arg: Generator * (Generator *) Skipping blackman_window because it is a factory method Skipping _convolution_double_backward Because of Arg: std::array<bool,3> (std::array<bool,3>) Skipping cudnn_convolution_backward Because of Arg: std::array<bool,3> (std::array<bool,3>) Skipping cudnn_convolution_transpose_backward Because of Arg: std::array<bool,3> (std::array<bool,3>) Skipping cumsum Because of Arg: ScalarType (ScalarType) Skipping cumprod Because of Arg: ScalarType (ScalarType) Skipping einsum Because of Arg: std::string (std::string) Skipping empty because it is a factory method Skipping empty_like because it is a factory method Skipping eye because it is a factory method Skipping full because it is a factory method Skipping full_like because it is a factory method Skipping hann_window because it is a factory method Skipping hamming_window because it is a factory method Skipping _cufft_set_plan_cache_max_size Because of Ret: void (void) Skipping _cufft_clear_plan_cache Because of Ret: void (void) Skipping linspace because it is a factory method Skipping logspace because it is a factory method Skipping mean Because of Arg: ScalarType (ScalarType) Skipping mean Because of Arg: ScalarType (ScalarType) Skipping mean Because of Arg: ScalarType (ScalarType) Skipping mkldnn_convolution_backward Because of Arg: std::array<bool,3> (std::array<bool,3>) Skipping ones because it is a factory method Skipping ones_like because it is a factory method Skipping rand because it is a factory method Skipping rand_like because it is a factory method Skipping randint because it is a factory method Skipping randint_like because it is a factory method Skipping randn because it is a factory method Skipping randn_like because it is a factory method Skipping randperm because it is a factory method Skipping range because it is a factory method Skipping rrelu Because of Arg: Generator * (Generator *) Skipping sum Because of Arg: ScalarType (ScalarType) Skipping sum Because of Arg: ScalarType (ScalarType) Skipping sum Because of Arg: ScalarType (ScalarType) Skipping prod Because of Arg: ScalarType (ScalarType) Skipping prod Because of Arg: ScalarType (ScalarType) Skipping prod Because of Arg: ScalarType (ScalarType) Skipping zeros because it is a factory method Skipping zeros_like because it is a factory method Skipping _standard_gamma Because of Arg: Generator * (Generator *) Skipping poisson Because of Arg: Generator * (Generator *) Skipping native_tensor Because of Arg: const Type & (Type) Skipping native_tensor Because of Arg: const Type & (Type) Skipping tensor Because of Arg: const Type & (Type) Skipping tensor Because of Arg: const Type & (Type) Skipping _sparse_mask Because of Arg: SparseTensorRef (SparseTensorRef) [ 25%] Building CXX object caffe2/perfkernels/CMakeFiles/Caffe2_perfkernels_avx2.dir/embedding_lookup_avx2.cc.o [ 25%] Building CXX object caffe2/core/dispatch/CMakeFiles/dispatch.dir/DispatchTable.cpp.o [ 25%] Built target __aten_op_header_gen [ 25%] Building CXX object third_party/onnx/CMakeFiles/onnx.dir/onnx/defs/tensor/defs.cc.o [ 25%] Building CXX object caffe2/perfkernels/CMakeFiles/Caffe2_perfkernels_avx2.dir/embedding_lookup_fused_8bit_rowwise_avx2.cc.o [ 25%] Building CXX object third_party/onnx/CMakeFiles/onnx.dir/onnx/defs/tensor/old.cc.o In file included from /root/pytorch/aten/src/ATen/core/typeid.h:22:0, from /root/pytorch/caffe2/core/typeid.h:7, from /root/pytorch/caffe2/core/dispatch/DispatchKey.h:5, from /root/pytorch/caffe2/core/dispatch/OpSchema.h:3, from /root/pytorch/caffe2/core/dispatch/DispatchTable.h:4, from /root/pytorch/caffe2/core/dispatch/DispatchTable.cpp:1: /root/pytorch/aten/src/ATen/core/Half.h: In function ‘typename std::enable_if<std::is_integral<_Tp2>::value, bool>::type at::overflows(From)’: /root/pytorch/aten/src/ATen/core/Half.h:85:53: warning: use of old-style cast [-Wold-style-cast] return f > limit::max() || (f < 0 && -(uint64_t)f > limit::max()); ^ /root/pytorch/aten/src/ATen/core/Half.h: In function ‘typename std::enable_if<(! std::is_integral<_Tp2>::value), bool>::type at::overflows(From)’: /root/pytorch/aten/src/ATen/core/Half.h:95:49: warning: use of old-style cast [-Wold-style-cast] if (limit::has_infinity && std::isinf((double)f)) { ^ In file included from /root/pytorch/aten/src/ATen/core/Half.h:125:0, from /root/pytorch/aten/src/ATen/core/typeid.h:22, from /root/pytorch/caffe2/core/typeid.h:7, from /root/pytorch/caffe2/core/dispatch/DispatchKey.h:5, from /root/pytorch/caffe2/core/dispatch/OpSchema.h:3, from /root/pytorch/caffe2/core/dispatch/DispatchTable.h:4, from /root/pytorch/caffe2/core/dispatch/DispatchTable.cpp:1: /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘at::Half at::operator+(const at::Half&, const at::Half&)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:49:17: warning: use of old-style cast [-Wold-style-cast] return (float)a + (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h:49:28: warning: use of old-style cast [-Wold-style-cast] return (float)a + (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘at::Half at::operator-(const at::Half&, const at::Half&)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:53:17: warning: use of old-style cast [-Wold-style-cast] return (float)a - (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h:53:28: warning: use of old-style cast [-Wold-style-cast] return (float)a - (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘at::Half at::operator*(const at::Half&, const at::Half&)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:57:17: warning: use of old-style cast [-Wold-style-cast] return (float)a * (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h:57:28: warning: use of old-style cast [-Wold-style-cast] return (float)a * (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘at::Half at::operator/(const at::Half&, const at::Half&)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:61:17: warning: use of old-style cast [-Wold-style-cast] return (float)a / (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h:61:28: warning: use of old-style cast [-Wold-style-cast] return (float)a / (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘at::Half at::operator-(const at::Half&)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:65:18: warning: use of old-style cast [-Wold-style-cast] return -(float)a; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘float at::operator+(at::Half, float)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:91:17: warning: use of old-style cast [-Wold-style-cast] return (float)a + b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘float at::operator-(at::Half, float)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:94:17: warning: use of old-style cast [-Wold-style-cast] return (float)a - b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘float at::operator*(at::Half, float)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:97:17: warning: use of old-style cast [-Wold-style-cast] return (float)a * b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘float at::operator/(at::Half, float)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:100:17: warning: use of old-style cast [-Wold-style-cast] return (float)a / b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘float at::operator+(float, at::Half)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:104:21: warning: use of old-style cast [-Wold-style-cast] return a + (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘float at::operator-(float, at::Half)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:107:21: warning: use of old-style cast [-Wold-style-cast] return a - (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘float at::operator*(float, at::Half)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:110:21: warning: use of old-style cast [-Wold-style-cast] return a * (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘float at::operator/(float, at::Half)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:113:21: warning: use of old-style cast [-Wold-style-cast] return a / (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘float& at::operator+=(float&, const at::Half&)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:117:22: warning: use of old-style cast [-Wold-style-cast] return a += (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘float& at::operator-=(float&, const at::Half&)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:120:22: warning: use of old-style cast [-Wold-style-cast] return a -= (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘float& at::operator*=(float&, const at::Half&)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:123:22: warning: use of old-style cast [-Wold-style-cast] return a *= (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘float& at::operator/=(float&, const at::Half&)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:126:22: warning: use of old-style cast [-Wold-style-cast] return a /= (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘double at::operator+(at::Half, double)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:132:18: warning: use of old-style cast [-Wold-style-cast] return (double)a + b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘double at::operator-(at::Half, double)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:135:18: warning: use of old-style cast [-Wold-style-cast] return (double)a - b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘double at::operator*(at::Half, double)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:138:18: warning: use of old-style cast [-Wold-style-cast] return (double)a * b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘double at::operator/(at::Half, double)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:141:18: warning: use of old-style cast [-Wold-style-cast] return (double)a / b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘double at::operator+(double, at::Half)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:145:22: warning: use of old-style cast [-Wold-style-cast] return a + (double)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘double at::operator-(double, at::Half)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:148:22: warning: use of old-style cast [-Wold-style-cast] return a - (double)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘double at::operator*(double, at::Half)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:151:22: warning: use of old-style cast [-Wold-style-cast] return a * (double)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘double at::operator/(double, at::Half)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:154:22: warning: use of old-style cast [-Wold-style-cast] return a / (double)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘at::Half at::operator+(at::Half, int)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:160:20: warning: use of old-style cast [-Wold-style-cast] return a + (Half)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘at::Half at::operator-(at::Half, int)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:163:20: warning: use of old-style cast [-Wold-style-cast] return a - (Half)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘at::Half at::operator*(at::Half, int)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:166:20: warning: use of old-style cast [-Wold-style-cast] return a * (Half)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘at::Half at::operator/(at::Half, int)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:169:20: warning: use of old-style cast [-Wold-style-cast] return a / (Half)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘at::Half at::operator+(int, at::Half)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:173:16: warning: use of old-style cast [-Wold-style-cast] return (Half)a + b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘at::Half at::operator-(int, at::Half)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:176:16: warning: use of old-style cast [-Wold-style-cast] return (Half)a - b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘at::Half at::operator*(int, at::Half)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:179:16: warning: use of old-style cast [-Wold-style-cast] return (Half)a * b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘at::Half at::operator/(int, at::Half)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:182:16: warning: use of old-style cast [-Wold-style-cast] return (Half)a / b; ^ In file included from /root/pytorch/caffe2/core/typeid.h:7:0, from /root/pytorch/caffe2/core/dispatch/DispatchKey.h:5, from /root/pytorch/caffe2/core/dispatch/OpSchema.h:3, from /root/pytorch/caffe2/core/dispatch/DispatchTable.h:4, from /root/pytorch/caffe2/core/dispatch/DispatchTable.cpp:1: /root/pytorch/aten/src/ATen/core/typeid.h: At global scope: /root/pytorch/aten/src/ATen/core/typeid.h:460:37: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(0, uint8_t); ^ /root/pytorch/aten/src/ATen/core/typeid.h:461:36: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(1, int8_t); ^ /root/pytorch/aten/src/ATen/core/typeid.h:462:37: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(2, int16_t); ^ /root/pytorch/aten/src/ATen/core/typeid.h:463:33: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(3, int); ^ /root/pytorch/aten/src/ATen/core/typeid.h:464:37: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(4, int64_t); ^ /root/pytorch/aten/src/ATen/core/typeid.h:465:38: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(5, at::Half); ^ /root/pytorch/aten/src/ATen/core/typeid.h:466:35: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(6, float); ^ /root/pytorch/aten/src/ATen/core/typeid.h:467:36: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(7, double); ^ /root/pytorch/aten/src/ATen/core/typeid.h:470:36: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(9, Tensor); ^ /root/pytorch/aten/src/ATen/core/typeid.h:471:42: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(10, std::string); ^ /root/pytorch/aten/src/ATen/core/typeid.h:472:35: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(11, bool); ^ /root/pytorch/aten/src/ATen/core/typeid.h:473:39: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(12, uint16_t); ^ /root/pytorch/aten/src/ATen/core/typeid.h:474:35: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(13, char); ^ /root/pytorch/aten/src/ATen/core/typeid.h:475:58: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(14, std::unique_ptr<std::mutex>); ^ /root/pytorch/aten/src/ATen/core/typeid.h:476:65: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(15, std::unique_ptr<std::atomic<bool>>); ^ /root/pytorch/aten/src/ATen/core/typeid.h:477:51: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(16, std::vector<int32_t>); ^ /root/pytorch/aten/src/ATen/core/typeid.h:478:51: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(17, std::vector<int64_t>); ^ /root/pytorch/aten/src/ATen/core/typeid.h:479:57: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(18, std::vector<unsigned long>); ^ /root/pytorch/aten/src/ATen/core/typeid.h:480:36: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(19, bool*); ^ /root/pytorch/aten/src/ATen/core/typeid.h:481:36: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(20, char*); ^ /root/pytorch/aten/src/ATen/core/typeid.h:482:35: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(21, int*); ^ /root/pytorch/aten/src/ATen/core/typeid.h:489:62: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(24, _CaffeHighestPreallocatedTypeId); ^ [ 25%] Building CXX object third_party/onnx/CMakeFiles/onnx.dir/onnx/defs/traditionalml/defs.cc.o In file included from /root/pytorch/caffe2/core/dispatch/OpSchema.h:4:0, from /root/pytorch/caffe2/core/dispatch/DispatchTable.h:4, from /root/pytorch/caffe2/core/dispatch/DispatchTable.cpp:1: /root/pytorch/build/caffe2/proto/caffe2.pb.h:129:41: warning: redundant redeclaration of ‘const string& caffe2::GetEmptyStringAlreadyInited()’ in same scope [-Wredundant-decls] namespace caffe2 { const ::std::string& GetEmptyStringAlreadyInited(); ^~~~~~~~~~~~~~~~~~~~~~~~~~~ /root/pytorch/build/caffe2/proto/caffe2.pb.h:85:41: note: previous declaration of ‘const string& caffe2::GetEmptyStringAlreadyInited()’ namespace caffe2 { const ::std::string& GetEmptyStringAlreadyInited(); ^~~~~~~~~~~~~~~~~~~~~~~~~~~ [ 26%] Building CXX object third_party/onnx/CMakeFiles/onnx.dir/onnx/optimizer/optimize.cc.o cc1plus: warning: unrecognized command line option ‘-Wno-stringop-overflow’ [ 26%] Building CXX object caffe2/core/dispatch/CMakeFiles/dispatch.dir/KernelRegistration.cpp.o [ 26%] Building CXX object third_party/onnx/CMakeFiles/onnx.dir/onnx/shape_inference/implementation.cc.o [ 26%] Building CXX object third_party/onnx/CMakeFiles/onnx.dir/onnx/version_converter/convert.cc.o [ 26%] Building CXX object caffe2/perfkernels/CMakeFiles/Caffe2_perfkernels_avx2.dir/typed_axpy_avx2.cc.o In file included from /root/pytorch/aten/src/ATen/core/typeid.h:22:0, from /root/pytorch/caffe2/core/typeid.h:7, from /root/pytorch/caffe2/core/dispatch/DispatchKey.h:5, from /root/pytorch/caffe2/core/dispatch/OpSchema.h:3, from /root/pytorch/caffe2/core/dispatch/KernelRegistration.h:3, from /root/pytorch/caffe2/core/dispatch/KernelRegistration.cpp:1: /root/pytorch/aten/src/ATen/core/Half.h: In function ‘typename std::enable_if<std::is_integral<_Tp2>::value, bool>::type at::overflows(From)’: /root/pytorch/aten/src/ATen/core/Half.h:85:53: warning: use of old-style cast [-Wold-style-cast] return f > limit::max() || (f < 0 && -(uint64_t)f > limit::max()); ^ /root/pytorch/aten/src/ATen/core/Half.h: In function ‘typename std::enable_if<(! std::is_integral<_Tp2>::value), bool>::type at::overflows(From)’: /root/pytorch/aten/src/ATen/core/Half.h:95:49: warning: use of old-style cast [-Wold-style-cast] if (limit::has_infinity && std::isinf((double)f)) { ^ In file included from /root/pytorch/aten/src/ATen/core/Half.h:125:0, from /root/pytorch/aten/src/ATen/core/typeid.h:22, from /root/pytorch/caffe2/core/typeid.h:7, from /root/pytorch/caffe2/core/dispatch/DispatchKey.h:5, from /root/pytorch/caffe2/core/dispatch/OpSchema.h:3, from /root/pytorch/caffe2/core/dispatch/KernelRegistration.h:3, from /root/pytorch/caffe2/core/dispatch/KernelRegistration.cpp:1: /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘at::Half at::operator+(const at::Half&, const at::Half&)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:49:17: warning: use of old-style cast [-Wold-style-cast] return (float)a + (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h:49:28: warning: use of old-style cast [-Wold-style-cast] return (float)a + (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘at::Half at::operator-(const at::Half&, const at::Half&)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:53:17: warning: use of old-style cast [-Wold-style-cast] return (float)a - (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h:53:28: warning: use of old-style cast [-Wold-style-cast] return (float)a - (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘at::Half at::operator*(const at::Half&, const at::Half&)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:57:17: warning: use of old-style cast [-Wold-style-cast] return (float)a * (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h:57:28: warning: use of old-style cast [-Wold-style-cast] return (float)a * (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘at::Half at::operator/(const at::Half&, const at::Half&)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:61:17: warning: use of old-style cast [-Wold-style-cast] return (float)a / (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h:61:28: warning: use of old-style cast [-Wold-style-cast] return (float)a / (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘at::Half at::operator-(const at::Half&)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:65:18: warning: use of old-style cast [-Wold-style-cast] return -(float)a; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘float at::operator+(at::Half, float)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:91:17: warning: use of old-style cast [-Wold-style-cast] return (float)a + b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘float at::operator-(at::Half, float)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:94:17: warning: use of old-style cast [-Wold-style-cast] return (float)a - b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘float at::operator*(at::Half, float)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:97:17: warning: use of old-style cast [-Wold-style-cast] return (float)a * b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘float at::operator/(at::Half, float)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:100:17: warning: use of old-style cast [-Wold-style-cast] return (float)a / b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘float at::operator+(float, at::Half)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:104:21: warning: use of old-style cast [-Wold-style-cast] return a + (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘float at::operator-(float, at::Half)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:107:21: warning: use of old-style cast [-Wold-style-cast] return a - (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘float at::operator*(float, at::Half)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:110:21: warning: use of old-style cast [-Wold-style-cast] return a * (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘float at::operator/(float, at::Half)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:113:21: warning: use of old-style cast [-Wold-style-cast] return a / (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘float& at::operator+=(float&, const at::Half&)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:117:22: warning: use of old-style cast [-Wold-style-cast] return a += (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘float& at::operator-=(float&, const at::Half&)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:120:22: warning: use of old-style cast [-Wold-style-cast] return a -= (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘float& at::operator*=(float&, const at::Half&)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:123:22: warning: use of old-style cast [-Wold-style-cast] return a *= (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘float& at::operator/=(float&, const at::Half&)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:126:22: warning: use of old-style cast [-Wold-style-cast] return a /= (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘double at::operator+(at::Half, double)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:132:18: warning: use of old-style cast [-Wold-style-cast] return (double)a + b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘double at::operator-(at::Half, double)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:135:18: warning: use of old-style cast [-Wold-style-cast] return (double)a - b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘double at::operator*(at::Half, double)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:138:18: warning: use of old-style cast [-Wold-style-cast] return (double)a * b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘double at::operator/(at::Half, double)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:141:18: warning: use of old-style cast [-Wold-style-cast] return (double)a / b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘double at::operator+(double, at::Half)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:145:22: warning: use of old-style cast [-Wold-style-cast] return a + (double)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘double at::operator-(double, at::Half)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:148:22: warning: use of old-style cast [-Wold-style-cast] return a - (double)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘double at::operator*(double, at::Half)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:151:22: warning: use of old-style cast [-Wold-style-cast] return a * (double)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘double at::operator/(double, at::Half)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:154:22: warning: use of old-style cast [-Wold-style-cast] return a / (double)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘at::Half at::operator+(at::Half, int)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:160:20: warning: use of old-style cast [-Wold-style-cast] return a + (Half)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘at::Half at::operator-(at::Half, int)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:163:20: warning: use of old-style cast [-Wold-style-cast] return a - (Half)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘at::Half at::operator*(at::Half, int)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:166:20: warning: use of old-style cast [-Wold-style-cast] return a * (Half)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘at::Half at::operator/(at::Half, int)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:169:20: warning: use of old-style cast [-Wold-style-cast] return a / (Half)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘at::Half at::operator+(int, at::Half)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:173:16: warning: use of old-style cast [-Wold-style-cast] return (Half)a + b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘at::Half at::operator-(int, at::Half)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:176:16: warning: use of old-style cast [-Wold-style-cast] return (Half)a - b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘at::Half at::operator*(int, at::Half)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:179:16: warning: use of old-style cast [-Wold-style-cast] return (Half)a * b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘at::Half at::operator/(int, at::Half)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:182:16: warning: use of old-style cast [-Wold-style-cast] return (Half)a / b; ^ In file included from /root/pytorch/caffe2/core/typeid.h:7:0, from /root/pytorch/caffe2/core/dispatch/DispatchKey.h:5, from /root/pytorch/caffe2/core/dispatch/OpSchema.h:3, from /root/pytorch/caffe2/core/dispatch/KernelRegistration.h:3, from /root/pytorch/caffe2/core/dispatch/KernelRegistration.cpp:1: /root/pytorch/aten/src/ATen/core/typeid.h: At global scope: /root/pytorch/aten/src/ATen/core/typeid.h:460:37: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(0, uint8_t); ^ /root/pytorch/aten/src/ATen/core/typeid.h:461:36: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(1, int8_t); ^ /root/pytorch/aten/src/ATen/core/typeid.h:462:37: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(2, int16_t); ^ /root/pytorch/aten/src/ATen/core/typeid.h:463:33: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(3, int); ^ /root/pytorch/aten/src/ATen/core/typeid.h:464:37: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(4, int64_t); ^ /root/pytorch/aten/src/ATen/core/typeid.h:465:38: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(5, at::Half); ^ /root/pytorch/aten/src/ATen/core/typeid.h:466:35: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(6, float); ^ /root/pytorch/aten/src/ATen/core/typeid.h:467:36: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(7, double); ^ /root/pytorch/aten/src/ATen/core/typeid.h:470:36: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(9, Tensor); ^ /root/pytorch/aten/src/ATen/core/typeid.h:471:42: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(10, std::string); ^ /root/pytorch/aten/src/ATen/core/typeid.h:472:35: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(11, bool); ^ /root/pytorch/aten/src/ATen/core/typeid.h:473:39: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(12, uint16_t); ^ /root/pytorch/aten/src/ATen/core/typeid.h:474:35: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(13, char); ^ /root/pytorch/aten/src/ATen/core/typeid.h:475:58: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(14, std::unique_ptr<std::mutex>); ^ /root/pytorch/aten/src/ATen/core/typeid.h:476:65: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(15, std::unique_ptr<std::atomic<bool>>); ^ /root/pytorch/aten/src/ATen/core/typeid.h:477:51: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(16, std::vector<int32_t>); ^ /root/pytorch/aten/src/ATen/core/typeid.h:478:51: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(17, std::vector<int64_t>); ^ /root/pytorch/aten/src/ATen/core/typeid.h:479:57: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(18, std::vector<unsigned long>); ^ /root/pytorch/aten/src/ATen/core/typeid.h:480:36: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(19, bool*); ^ /root/pytorch/aten/src/ATen/core/typeid.h:481:36: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(20, char*); ^ /root/pytorch/aten/src/ATen/core/typeid.h:482:35: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(21, int*); ^ /root/pytorch/aten/src/ATen/core/typeid.h:489:62: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(24, _CaffeHighestPreallocatedTypeId); ^ In file included from /root/pytorch/caffe2/core/dispatch/OpSchema.h:4:0, from /root/pytorch/caffe2/core/dispatch/KernelRegistration.h:3, from /root/pytorch/caffe2/core/dispatch/KernelRegistration.cpp:1: /root/pytorch/build/caffe2/proto/caffe2.pb.h:129:41: warning: redundant redeclaration of ‘const string& caffe2::GetEmptyStringAlreadyInited()’ in same scope [-Wredundant-decls] namespace caffe2 { const ::std::string& GetEmptyStringAlreadyInited(); ^~~~~~~~~~~~~~~~~~~~~~~~~~~ /root/pytorch/build/caffe2/proto/caffe2.pb.h:85:41: note: previous declaration of ‘const string& caffe2::GetEmptyStringAlreadyInited()’ namespace caffe2 { const ::std::string& GetEmptyStringAlreadyInited(); ^~~~~~~~~~~~~~~~~~~~~~~~~~~ [ 26%] Building CXX object caffe2/core/dispatch/CMakeFiles/dispatch.dir/LayoutId.cpp.o cc1plus: warning: unrecognized command line option ‘-Wno-stringop-overflow’ [ 26%] Building CXX object caffe2/core/dispatch/CMakeFiles/dispatch.dir/LeftRight.cpp.o [ 26%] Building CXX object caffe2/core/dispatch/CMakeFiles/dispatch.dir/OpSchema.cpp.o [ 26%] Building CXX object caffe2/core/dispatch/CMakeFiles/dispatch.dir/OpSchemaRegistration.cpp.o In file included from /root/pytorch/aten/src/ATen/core/typeid.h:22:0, from /root/pytorch/caffe2/core/typeid.h:7, from /root/pytorch/caffe2/core/dispatch/DispatchKey.h:5, from /root/pytorch/caffe2/core/dispatch/OpSchema.h:3, from /root/pytorch/caffe2/core/dispatch/OpSchema.cpp:1: /root/pytorch/aten/src/ATen/core/Half.h: In function ‘typename std::enable_if<std::is_integral<_Tp2>::value, bool>::type at::overflows(From)’: /root/pytorch/aten/src/ATen/core/Half.h:85:53: warning: use of old-style cast [-Wold-style-cast] return f > limit::max() || (f < 0 && -(uint64_t)f > limit::max()); ^ /root/pytorch/aten/src/ATen/core/Half.h: In function ‘typename std::enable_if<(! std::is_integral<_Tp2>::value), bool>::type at::overflows(From)’: /root/pytorch/aten/src/ATen/core/Half.h:95:49: warning: use of old-style cast [-Wold-style-cast] if (limit::has_infinity && std::isinf((double)f)) { ^ In file included from /root/pytorch/aten/src/ATen/core/Half.h:125:0, from /root/pytorch/aten/src/ATen/core/typeid.h:22, from /root/pytorch/caffe2/core/typeid.h:7, from /root/pytorch/caffe2/core/dispatch/DispatchKey.h:5, from /root/pytorch/caffe2/core/dispatch/OpSchema.h:3, from /root/pytorch/caffe2/core/dispatch/OpSchema.cpp:1: /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘at::Half at::operator+(const at::Half&, const at::Half&)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:49:17: warning: use of old-style cast [-Wold-style-cast] return (float)a + (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h:49:28: warning: use of old-style cast [-Wold-style-cast] return (float)a + (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘at::Half at::operator-(const at::Half&, const at::Half&)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:53:17: warning: use of old-style cast [-Wold-style-cast] return (float)a - (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h:53:28: warning: use of old-style cast [-Wold-style-cast] return (float)a - (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘at::Half at::operator*(const at::Half&, const at::Half&)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:57:17: warning: use of old-style cast [-Wold-style-cast] return (float)a * (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h:57:28: warning: use of old-style cast [-Wold-style-cast] return (float)a * (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘at::Half at::operator/(const at::Half&, const at::Half&)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:61:17: warning: use of old-style cast [-Wold-style-cast] return (float)a / (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h:61:28: warning: use of old-style cast [-Wold-style-cast] return (float)a / (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘at::Half at::operator-(const at::Half&)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:65:18: warning: use of old-style cast [-Wold-style-cast] return -(float)a; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘float at::operator+(at::Half, float)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:91:17: warning: use of old-style cast [-Wold-style-cast] return (float)a + b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘float at::operator-(at::Half, float)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:94:17: warning: use of old-style cast [-Wold-style-cast] return (float)a - b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘float at::operator*(at::Half, float)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:97:17: warning: use of old-style cast [-Wold-style-cast] return (float)a * b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘float at::operator/(at::Half, float)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:100:17: warning: use of old-style cast [-Wold-style-cast] return (float)a / b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘float at::operator+(float, at::Half)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:104:21: warning: use of old-style cast [-Wold-style-cast] return a + (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘float at::operator-(float, at::Half)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:107:21: warning: use of old-style cast [-Wold-style-cast] return a - (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘float at::operator*(float, at::Half)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:110:21: warning: use of old-style cast [-Wold-style-cast] return a * (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘float at::operator/(float, at::Half)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:113:21: warning: use of old-style cast [-Wold-style-cast] return a / (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘float& at::operator+=(float&, const at::Half&)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:117:22: warning: use of old-style cast [-Wold-style-cast] return a += (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘float& at::operator-=(float&, const at::Half&)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:120:22: warning: use of old-style cast [-Wold-style-cast] return a -= (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘float& at::operator*=(float&, const at::Half&)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:123:22: warning: use of old-style cast [-Wold-style-cast] return a *= (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘float& at::operator/=(float&, const at::Half&)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:126:22: warning: use of old-style cast [-Wold-style-cast] return a /= (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘double at::operator+(at::Half, double)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:132:18: warning: use of old-style cast [-Wold-style-cast] return (double)a + b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘double at::operator-(at::Half, double)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:135:18: warning: use of old-style cast [-Wold-style-cast] return (double)a - b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘double at::operator*(at::Half, double)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:138:18: warning: use of old-style cast [-Wold-style-cast] return (double)a * b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘double at::operator/(at::Half, double)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:141:18: warning: use of old-style cast [-Wold-style-cast] return (double)a / b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘double at::operator+(double, at::Half)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:145:22: warning: use of old-style cast [-Wold-style-cast] return a + (double)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘double at::operator-(double, at::Half)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:148:22: warning: use of old-style cast [-Wold-style-cast] return a - (double)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘double at::operator*(double, at::Half)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:151:22: warning: use of old-style cast [-Wold-style-cast] return a * (double)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘double at::operator/(double, at::Half)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:154:22: warning: use of old-style cast [-Wold-style-cast] return a / (double)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘at::Half at::operator+(at::Half, int)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:160:20: warning: use of old-style cast [-Wold-style-cast] return a + (Half)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘at::Half at::operator-(at::Half, int)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:163:20: warning: use of old-style cast [-Wold-style-cast] return a - (Half)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘at::Half at::operator*(at::Half, int)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:166:20: warning: use of old-style cast [-Wold-style-cast] return a * (Half)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘at::Half at::operator/(at::Half, int)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:169:20: warning: use of old-style cast [-Wold-style-cast] return a / (Half)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘at::Half at::operator+(int, at::Half)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:173:16: warning: use of old-style cast [-Wold-style-cast] return (Half)a + b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘at::Half at::operator-(int, at::Half)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:176:16: warning: use of old-style cast [-Wold-style-cast] return (Half)a - b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘at::Half at::operator*(int, at::Half)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:179:16: warning: use of old-style cast [-Wold-style-cast] return (Half)a * b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘at::Half at::operator/(int, at::Half)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:182:16: warning: use of old-style cast [-Wold-style-cast] return (Half)a / b; ^ In file included from /root/pytorch/caffe2/core/typeid.h:7:0, from /root/pytorch/caffe2/core/dispatch/DispatchKey.h:5, from /root/pytorch/caffe2/core/dispatch/OpSchema.h:3, from /root/pytorch/caffe2/core/dispatch/OpSchema.cpp:1: /root/pytorch/aten/src/ATen/core/typeid.h: At global scope: /root/pytorch/aten/src/ATen/core/typeid.h:460:37: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(0, uint8_t); ^ /root/pytorch/aten/src/ATen/core/typeid.h:461:36: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(1, int8_t); ^ /root/pytorch/aten/src/ATen/core/typeid.h:462:37: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(2, int16_t); ^ /root/pytorch/aten/src/ATen/core/typeid.h:463:33: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(3, int); ^ /root/pytorch/aten/src/ATen/core/typeid.h:464:37: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(4, int64_t); ^ /root/pytorch/aten/src/ATen/core/typeid.h:465:38: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(5, at::Half); ^ /root/pytorch/aten/src/ATen/core/typeid.h:466:35: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(6, float); ^ /root/pytorch/aten/src/ATen/core/typeid.h:467:36: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(7, double); ^ /root/pytorch/aten/src/ATen/core/typeid.h:470:36: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(9, Tensor); ^ /root/pytorch/aten/src/ATen/core/typeid.h:471:42: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(10, std::string); ^ /root/pytorch/aten/src/ATen/core/typeid.h:472:35: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(11, bool); ^ /root/pytorch/aten/src/ATen/core/typeid.h:473:39: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(12, uint16_t); ^ /root/pytorch/aten/src/ATen/core/typeid.h:474:35: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(13, char); ^ /root/pytorch/aten/src/ATen/core/typeid.h:475:58: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(14, std::unique_ptr<std::mutex>); ^ /root/pytorch/aten/src/ATen/core/typeid.h:476:65: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(15, std::unique_ptr<std::atomic<bool>>); ^ /root/pytorch/aten/src/ATen/core/typeid.h:477:51: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(16, std::vector<int32_t>); ^ /root/pytorch/aten/src/ATen/core/typeid.h:478:51: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(17, std::vector<int64_t>); ^ /root/pytorch/aten/src/ATen/core/typeid.h:479:57: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(18, std::vector<unsigned long>); ^ /root/pytorch/aten/src/ATen/core/typeid.h:480:36: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(19, bool*); ^ /root/pytorch/aten/src/ATen/core/typeid.h:481:36: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(20, char*); ^ /root/pytorch/aten/src/ATen/core/typeid.h:482:35: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(21, int*); ^ /root/pytorch/aten/src/ATen/core/typeid.h:489:62: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(24, _CaffeHighestPreallocatedTypeId); ^ In file included from /root/pytorch/aten/src/ATen/core/typeid.h:22:0, from /root/pytorch/caffe2/core/typeid.h:7, from /root/pytorch/caffe2/core/dispatch/DispatchKey.h:5, from /root/pytorch/caffe2/core/dispatch/OpSchema.h:3, from /root/pytorch/caffe2/core/dispatch/DispatchTable.h:4, from /root/pytorch/caffe2/core/dispatch/Dispatcher.h:3, from /root/pytorch/caffe2/core/dispatch/OpSchemaRegistration.h:3, from /root/pytorch/caffe2/core/dispatch/OpSchemaRegistration.cpp:1: /root/pytorch/aten/src/ATen/core/Half.h: In function ‘typename std::enable_if<std::is_integral<_Tp2>::value, bool>::type at::overflows(From)’: /root/pytorch/aten/src/ATen/core/Half.h:85:53: warning: use of old-style cast [-Wold-style-cast] return f > limit::max() || (f < 0 && -(uint64_t)f > limit::max()); ^ /root/pytorch/aten/src/ATen/core/Half.h: In function ‘typename std::enable_if<(! std::is_integral<_Tp2>::value), bool>::type at::overflows(From)’: /root/pytorch/aten/src/ATen/core/Half.h:95:49: warning: use of old-style cast [-Wold-style-cast] if (limit::has_infinity && std::isinf((double)f)) { ^ In file included from /root/pytorch/aten/src/ATen/core/Half.h:125:0, from /root/pytorch/aten/src/ATen/core/typeid.h:22, from /root/pytorch/caffe2/core/typeid.h:7, from /root/pytorch/caffe2/core/dispatch/DispatchKey.h:5, from /root/pytorch/caffe2/core/dispatch/OpSchema.h:3, from /root/pytorch/caffe2/core/dispatch/DispatchTable.h:4, from /root/pytorch/caffe2/core/dispatch/Dispatcher.h:3, from /root/pytorch/caffe2/core/dispatch/OpSchemaRegistration.h:3, from /root/pytorch/caffe2/core/dispatch/OpSchemaRegistration.cpp:1: /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘at::Half at::operator+(const at::Half&, const at::Half&)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:49:17: warning: use of old-style cast [-Wold-style-cast] return (float)a + (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h:49:28: warning: use of old-style cast [-Wold-style-cast] return (float)a + (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘at::Half at::operator-(const at::Half&, const at::Half&)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:53:17: warning: use of old-style cast [-Wold-style-cast] return (float)a - (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h:53:28: warning: use of old-style cast [-Wold-style-cast] return (float)a - (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘at::Half at::operator*(const at::Half&, const at::Half&)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:57:17: warning: use of old-style cast [-Wold-style-cast] return (float)a * (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h:57:28: warning: use of old-style cast [-Wold-style-cast] return (float)a * (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘at::Half at::operator/(const at::Half&, const at::Half&)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:61:17: warning: use of old-style cast [-Wold-style-cast] return (float)a / (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h:61:28: warning: use of old-style cast [-Wold-style-cast] return (float)a / (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘at::Half at::operator-(const at::Half&)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:65:18: warning: use of old-style cast [-Wold-style-cast] return -(float)a; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘float at::operator+(at::Half, float)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:91:17: warning: use of old-style cast [-Wold-style-cast] return (float)a + b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘float at::operator-(at::Half, float)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:94:17: warning: use of old-style cast [-Wold-style-cast] return (float)a - b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘float at::operator*(at::Half, float)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:97:17: warning: use of old-style cast [-Wold-style-cast] return (float)a * b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘float at::operator/(at::Half, float)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:100:17: warning: use of old-style cast [-Wold-style-cast] return (float)a / b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘float at::operator+(float, at::Half)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:104:21: warning: use of old-style cast [-Wold-style-cast] return a + (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘float at::operator-(float, at::Half)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:107:21: warning: use of old-style cast [-Wold-style-cast] return a - (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘float at::operator*(float, at::Half)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:110:21: warning: use of old-style cast [-Wold-style-cast] return a * (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘float at::operator/(float, at::Half)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:113:21: warning: use of old-style cast [-Wold-style-cast] return a / (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘float& at::operator+=(float&, const at::Half&)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:117:22: warning: use of old-style cast [-Wold-style-cast] return a += (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘float& at::operator-=(float&, const at::Half&)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:120:22: warning: use of old-style cast [-Wold-style-cast] return a -= (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘float& at::operator*=(float&, const at::Half&)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:123:22: warning: use of old-style cast [-Wold-style-cast] return a *= (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘float& at::operator/=(float&, const at::Half&)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:126:22: warning: use of old-style cast [-Wold-style-cast] return a /= (float)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘double at::operator+(at::Half, double)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:132:18: warning: use of old-style cast [-Wold-style-cast] return (double)a + b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘double at::operator-(at::Half, double)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:135:18: warning: use of old-style cast [-Wold-style-cast] return (double)a - b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘double at::operator*(at::Half, double)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:138:18: warning: use of old-style cast [-Wold-style-cast] return (double)a * b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘double at::operator/(at::Half, double)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:141:18: warning: use of old-style cast [-Wold-style-cast] return (double)a / b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘double at::operator+(double, at::Half)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:145:22: warning: use of old-style cast [-Wold-style-cast] return a + (double)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘double at::operator-(double, at::Half)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:148:22: warning: use of old-style cast [-Wold-style-cast] return a - (double)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘double at::operator*(double, at::Half)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:151:22: warning: use of old-style cast [-Wold-style-cast] return a * (double)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘double at::operator/(double, at::Half)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:154:22: warning: use of old-style cast [-Wold-style-cast] return a / (double)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘at::Half at::operator+(at::Half, int)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:160:20: warning: use of old-style cast [-Wold-style-cast] return a + (Half)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘at::Half at::operator-(at::Half, int)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:163:20: warning: use of old-style cast [-Wold-style-cast] return a - (Half)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘at::Half at::operator*(at::Half, int)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:166:20: warning: use of old-style cast [-Wold-style-cast] return a * (Half)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘at::Half at::operator/(at::Half, int)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:169:20: warning: use of old-style cast [-Wold-style-cast] return a / (Half)b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘at::Half at::operator+(int, at::Half)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:173:16: warning: use of old-style cast [-Wold-style-cast] return (Half)a + b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘at::Half at::operator-(int, at::Half)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:176:16: warning: use of old-style cast [-Wold-style-cast] return (Half)a - b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘at::Half at::operator*(int, at::Half)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:179:16: warning: use of old-style cast [-Wold-style-cast] return (Half)a * b; ^ /root/pytorch/aten/src/ATen/core/Half-inl.h: In function ‘at::Half at::operator/(int, at::Half)’: /root/pytorch/aten/src/ATen/core/Half-inl.h:182:16: warning: use of old-style cast [-Wold-style-cast] return (Half)a / b; ^ In file included from /root/pytorch/caffe2/core/typeid.h:7:0, from /root/pytorch/caffe2/core/dispatch/DispatchKey.h:5, from /root/pytorch/caffe2/core/dispatch/OpSchema.h:3, from /root/pytorch/caffe2/core/dispatch/DispatchTable.h:4, from /root/pytorch/caffe2/core/dispatch/Dispatcher.h:3, from /root/pytorch/caffe2/core/dispatch/OpSchemaRegistration.h:3, from /root/pytorch/caffe2/core/dispatch/OpSchemaRegistration.cpp:1: /root/pytorch/aten/src/ATen/core/typeid.h: At global scope: /root/pytorch/aten/src/ATen/core/typeid.h:460:37: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(0, uint8_t); ^ /root/pytorch/aten/src/ATen/core/typeid.h:461:36: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(1, int8_t); ^ /root/pytorch/aten/src/ATen/core/typeid.h:462:37: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(2, int16_t); ^ /root/pytorch/aten/src/ATen/core/typeid.h:463:33: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(3, int); ^ /root/pytorch/aten/src/ATen/core/typeid.h:464:37: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(4, int64_t); ^ /root/pytorch/aten/src/ATen/core/typeid.h:465:38: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(5, at::Half); ^ /root/pytorch/aten/src/ATen/core/typeid.h:466:35: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(6, float); ^ /root/pytorch/aten/src/ATen/core/typeid.h:467:36: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(7, double); ^ /root/pytorch/aten/src/ATen/core/typeid.h:470:36: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(9, Tensor); ^ /root/pytorch/aten/src/ATen/core/typeid.h:471:42: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(10, std::string); ^ /root/pytorch/aten/src/ATen/core/typeid.h:472:35: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(11, bool); ^ /root/pytorch/aten/src/ATen/core/typeid.h:473:39: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(12, uint16_t); ^ /root/pytorch/aten/src/ATen/core/typeid.h:474:35: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(13, char); ^ /root/pytorch/aten/src/ATen/core/typeid.h:475:58: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(14, std::unique_ptr<std::mutex>); ^ /root/pytorch/aten/src/ATen/core/typeid.h:476:65: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(15, std::unique_ptr<std::atomic<bool>>); ^ /root/pytorch/aten/src/ATen/core/typeid.h:477:51: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(16, std::vector<int32_t>); ^ /root/pytorch/aten/src/ATen/core/typeid.h:478:51: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(17, std::vector<int64_t>); ^ /root/pytorch/aten/src/ATen/core/typeid.h:479:57: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(18, std::vector<unsigned long>); ^ /root/pytorch/aten/src/ATen/core/typeid.h:480:36: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(19, bool*); ^ /root/pytorch/aten/src/ATen/core/typeid.h:481:36: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(20, char*); ^ /root/pytorch/aten/src/ATen/core/typeid.h:482:35: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(21, int*); ^ /root/pytorch/aten/src/ATen/core/typeid.h:489:62: warning: extra ‘;’ [-Wpedantic] CAFFE_DECLARE_KNOWN_TYPE(24, _CaffeHighestPreallocatedTypeId); ^ In file included from /root/pytorch/caffe2/core/dispatch/OpSchema.h:4:0, from /root/pytorch/caffe2/core/dispatch/OpSchema.cpp:1: /root/pytorch/build/caffe2/proto/caffe2.pb.h:129:41: warning: redundant redeclaration of ‘const string& caffe2::GetEmptyStringAlreadyInited()’ in same scope [-Wredundant-decls] namespace caffe2 { const ::std::string& GetEmptyStringAlreadyInited(); ^~~~~~~~~~~~~~~~~~~~~~~~~~~ /root/pytorch/build/caffe2/proto/caffe2.pb.h:85:41: note: previous declaration of ‘const string& caffe2::GetEmptyStringAlreadyInited()’ namespace caffe2 { const ::std::string& GetEmptyStringAlreadyInited(); ^~~~~~~~~~~~~~~~~~~~~~~~~~~ cc1plus: warning: unrecognized command line option ‘-Wno-stringop-overflow’ In file included from /root/pytorch/caffe2/core/dispatch/OpSchema.h:4:0, from /root/pytorch/caffe2/core/dispatch/DispatchTable.h:4, from /root/pytorch/caffe2/core/dispatch/Dispatcher.h:3, from /root/pytorch/caffe2/core/dispatch/OpSchemaRegistration.h:3, from /root/pytorch/caffe2/core/dispatch/OpSchemaRegistration.cpp:1: /root/pytorch/build/caffe2/proto/caffe2.pb.h:129:41: warning: redundant redeclaration of ‘const string& caffe2::GetEmptyStringAlreadyInited()’ in same scope [-Wredundant-decls] namespace caffe2 { const ::std::string& GetEmptyStringAlreadyInited(); ^~~~~~~~~~~~~~~~~~~~~~~~~~~ /root/pytorch/build/caffe2/proto/caffe2.pb.h:85:41: note: previous declaration of ‘const string& caffe2::GetEmptyStringAlreadyInited()’ namespace caffe2 { const ::std::string& GetEmptyStringAlreadyInited(); ^~~~~~~~~~~~~~~~~~~~~~~~~~~ cc1plus: warning: unrecognized command line option ‘-Wno-stringop-overflow’ [ 26%] Built target dispatch [ 26%] Built target Caffe2_perfkernels_avx2 [ 27%] Generating src/x86_64-fma/2d-winograd-8x8-3x3.py.o [ 27%] Linking CXX static library ../../lib/libonnx.a [ 27%] Built target onnx [ 27%] Generating src/x86_64-fma/blas/s8gemm.py.o [ 27%] Generating src/x86_64-fma/blas/c8gemm.py.o [ 27%] Generating src/x86_64-fma/blas/s4c6gemm.py.o [ 27%] Generating src/x86_64-fma/blas/conv1x1.py.o [ 27%] Generating src/x86_64-fma/blas/sgemm.py.o [ 27%] Generating src/x86_64-fma/max-pooling.py.o [ 27%] Generating src/x86_64-fma/relu.py.o [ 27%] Generating src/x86_64-fma/softmax.py.o [ 27%] Generating src/x86_64-fma/blas/sdotxf.py.o [ 27%] Generating src/x86_64-fma/blas/shdotxf.py.o Scanning dependencies of target nnpack [ 27%] Building C object confu-deps/NNPACK/CMakeFiles/nnpack.dir/src/fully-connected-inference.c.o [ 27%] Building C object confu-deps/NNPACK/CMakeFiles/nnpack.dir/src/init.c.o [ 28%] Building C object confu-deps/NNPACK/CMakeFiles/nnpack.dir/src/relu-output.c.o [ 28%] Building C object confu-deps/NNPACK/CMakeFiles/nnpack.dir/src/pooling-output.c.o [ 28%] Building C object confu-deps/NNPACK/CMakeFiles/nnpack.dir/src/convolution-inference.c.o [ 28%] Building C object confu-deps/NNPACK/CMakeFiles/nnpack.dir/src/relu-input-gradient.c.o [ 28%] Building C object confu-deps/NNPACK/CMakeFiles/nnpack.dir/src/convolution-input-gradient.c.o [ 28%] Building C object confu-deps/NNPACK/CMakeFiles/nnpack.dir/src/convolution-kernel-gradient.c.o [ 28%] Building C object confu-deps/NNPACK/CMakeFiles/nnpack.dir/src/x86_64-fma/softmax.c.o [ 28%] Building C object confu-deps/NNPACK/CMakeFiles/nnpack.dir/src/convolution-output.c.o [ 28%] Building C object confu-deps/NNPACK/CMakeFiles/nnpack.dir/src/softmax-output.c.o [ 28%] Building C object confu-deps/NNPACK/CMakeFiles/nnpack.dir/src/fully-connected-output.c.o [ 28%] Linking C static library ../../lib/libnnpack.a [ 28%] Built target nnpack Scanning dependencies of target caffe2 [ 28%] Building CXX object caffe2/CMakeFiles/caffe2.dir/utils/proto_wrap.cc.o [ 28%] Building CXX object caffe2/CMakeFiles/caffe2.dir/utils/murmur_hash3.cc.o [ 28%] Building CXX object caffe2/CMakeFiles/caffe2.dir/utils/proto_utils.cc.o [ 28%] Building CXX object caffe2/CMakeFiles/caffe2.dir/utils/smart_tensor_printer.cc.o [ 28%] Building CXX object caffe2/CMakeFiles/caffe2.dir/utils/signal_handler.cc.o [ 29%] Building CXX object caffe2/CMakeFiles/caffe2.dir/utils/string_utils.cc.o [ 29%] Building CXX object caffe2/CMakeFiles/caffe2.dir/utils/bench_utils.cc.o [ 29%] Building CXX object caffe2/CMakeFiles/caffe2.dir/utils/cpuid.cc.o [ 29%] Building CXX object caffe2/CMakeFiles/caffe2.dir/utils/threadpool/ThreadPool.cc.o [ 29%] Building CXX object caffe2/CMakeFiles/caffe2.dir/utils/math_utils.cc.o [ 29%] Building CXX object caffe2/CMakeFiles/caffe2.dir/utils/math_cpu.cc.o [ 29%] Building CXX object caffe2/CMakeFiles/caffe2.dir/utils/thread_name.cc.o [ 29%] Building CXX object caffe2/CMakeFiles/caffe2.dir/utils/threadpool/pthreadpool.cc.o [ 29%] Building CXX object caffe2/CMakeFiles/caffe2.dir/utils/threadpool/pthreadpool_impl.cc.o [ 29%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/ATenGeneral.cpp.o [ 29%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/Allocator.cpp.o [ 29%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/CPUGeneral.cpp.o [ 29%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/CPUGenerator.cpp.o [ 29%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/CUDAStream.cpp.o [ 29%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/Context.cpp.o [ 30%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/DLConvertor.cpp.o [ 30%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/Device.cpp.o [ 30%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/ExpandUtils.cpp.o [ 30%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/Formatting.cpp.o [ 30%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/OptionsGuard.cpp.o [ 30%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/Scalar.cpp.o [ 30%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/SparseTensorImpl.cpp.o [ 30%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/Storage.cpp.o [ 30%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/StorageImpl.cpp.o [ 30%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/Tensor.cpp.o [ 30%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/TensorOptions.cpp.o [ 30%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/TensorGeometry.cpp.o [ 30%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/TensorImpl.cpp.o [ 30%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/UndefinedTensor.cpp.o [ 30%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/TensorUtils.cpp.o [ 30%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/UndefinedType.cpp.o [ 31%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/Utils.cpp.o [ 31%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/detail/CUDAHooksInterface.cpp.o [ 31%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/detail/VariableHooksInterface.cpp.o [ 31%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/core/ATenCoreTest.cpp.o [ 31%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/core/AlignOf.cpp.o [ 31%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/core/ArrayRef.cpp.o [ 31%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/core/Backtrace.cpp.o [ 31%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/core/C++17.cpp.o [ 31%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/core/DeviceType.cpp.o [ 31%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/core/Error.cpp.o [ 31%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/core/Half.cpp.o [ 31%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/core/SmallVector.cpp.o [ 31%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/core/TensorTypeId.cpp.o [ 31%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/core/TensorTypeIdRegistration.cpp.o [ 31%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/core/UniqueVoidPtr.cpp.o [ 32%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/core/intrusive_ptr.cpp.o [ 32%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/core/optional.cpp.o [ 32%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/core/typeid.cpp.o [ 32%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/native/Activation.cpp.o [ 32%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/native/BinaryOps.cpp.o [ 32%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/native/Convolution.cpp.o [ 32%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/native/DispatchStub.cpp.o [ 32%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/native/ConvolutionTBC.cpp.o [ 32%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/native/Distance.cpp.o [ 32%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/native/Distributions.cpp.o [ 32%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/native/Dropout.cpp.o [ 32%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/native/Embedding.cpp.o [ 32%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/native/EmbeddingBag.cpp.o [ 32%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/native/Gesv.cpp.o [ 32%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/native/GridSampler.cpp.o [ 33%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/native/Indexing.cpp.o [ 33%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/native/LegacyBridge.cpp.o [ 33%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/native/LinearAlgebra.cpp.o [ 33%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/native/Linear.cpp.o [ 33%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/native/Loss.cpp.o [ 33%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/native/LossCTC.cpp.o [ 33%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/native/Memory.cpp.o [ 33%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/native/Normalization.cpp.o [ 33%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/native/Pooling.cpp.o [ 33%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/native/ReduceOps.cpp.o [ 33%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/native/RoiPooling.cpp.o [ 33%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/native/Scalar.cpp.o [ 33%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/native/SoftMax.cpp.o [ 33%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/native/SpectralOps.cpp.o [ 33%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/native/SummaryOps.cpp.o [ 34%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/native/TensorCompare.cpp.o [ 34%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/native/TensorFactories.cpp.o [ 34%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/native/TensorProperties.cpp.o [ 34%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/native/TensorIterator.cpp.o [ 34%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/native/TensorShape.cpp.o [ 34%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/native/TensorTransformations.cpp.o [ 34%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/native/TypeProperties.cpp.o [ 34%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/native/UnaryOps.cpp.o [ 34%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/native/Unique.cpp.o [ 34%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/native/sparse/SparseTensor.cpp.o [ 34%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/native/sparse/SparseTensorMath.cpp.o [ 34%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/native/mkl/SpectralOps.cpp.o [ 34%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/native/mkldnn/Conv.cpp.o [ 34%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/CPUByteType.cpp.o [ 34%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/CPUCharType.cpp.o [ 34%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/CPUCopy.cpp.o [ 35%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/CPUDoubleType.cpp.o [ 35%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/CPUFloatType.cpp.o [ 35%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/CPUHalfType.cpp.o [ 35%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/CPUIntType.cpp.o [ 35%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/CPULongType.cpp.o [ 35%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/CPUShortType.cpp.o [ 35%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/SparseCPUByteType.cpp.o [ 35%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/SparseCPUCharType.cpp.o [ 35%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/SparseCPUDoubleType.cpp.o [ 35%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/SparseCPUFloatType.cpp.o [ 35%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/SparseCPUIntType.cpp.o [ 35%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/SparseCPULongType.cpp.o [ 35%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/SparseCPUShortType.cpp.o [ 35%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/TH/THGeneral.cpp.o [ 35%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/Type.cpp.o [ 36%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/TH/THHalf.cpp.o [ 36%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/TH/THAllocator.cpp.o [ 36%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/TH/THSize.cpp.o [ 36%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/TH/THStorageFunctions.cpp.o [ 36%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/TH/THTensor.cpp.o [ 36%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/TH/THTensorCopy.cpp.o [ 36%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/TH/THTensorRandom.cpp.o [ 36%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/TH/THTensorMath.cpp.o [ 36%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/TH/THTensorMoreMath.cpp.o [ 36%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/TH/THTensorEvenMoreMath.cpp.o [ 36%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/TH/THTensorConv.cpp.o [ 36%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/TH/THTensorLapack.cpp.o [ 36%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/TH/THBlas.cpp.o [ 36%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/TH/THLapack.cpp.o [ 36%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/TH/THLogAdd.cpp.o [ 37%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/TH/THRandom.cpp.o [ 37%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/TH/THFile.cpp.o [ 37%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/TH/THDiskFile.cpp.o [ 37%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/TH/THMemoryFile.cpp.o [ 37%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/TH/THVector.cpp.o [ 37%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/TH/generic/simd/convolve.cpp.o [ 37%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/TH/generic/simd/convolve5x5_sse.cpp.o [ 37%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/TH/vector/AVX.cpp.o [ 37%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/TH/generic/simd/convolve5x5_avx.cpp.o [ 37%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/TH/vector/AVX2.cpp.o [ 37%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/THNN/init.cpp.o [ 37%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/native/cpu/UnaryOpsKernel.cpp.AVX2.cpp.o [ 37%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/native/cpu/SoftMaxKernel.cpp.AVX2.cpp.o [ 37%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/native/cpu/ReduceOpsKernel.cpp.AVX2.cpp.o [ 37%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/native/cpu/BinaryOpsKernel.cpp.AVX2.cpp.o [ 38%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/native/cpu/UnaryOpsKernel.cpp.AVX.cpp.o [ 38%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/native/cpu/SoftMaxKernel.cpp.AVX.cpp.o [ 38%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/native/cpu/ReduceOpsKernel.cpp.AVX.cpp.o [ 38%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/native/cpu/BinaryOpsKernel.cpp.AVX.cpp.o [ 38%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/native/cpu/UnaryOpsKernel.cpp.DEFAULT.cpp.o [ 38%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/native/cpu/SoftMaxKernel.cpp.DEFAULT.cpp.o [ 38%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/native/cpu/ReduceOpsKernel.cpp.DEFAULT.cpp.o [ 38%] Building CXX object caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/native/cpu/BinaryOpsKernel.cpp.DEFAULT.cpp.o [ 38%] Building CXX object caffe2/CMakeFiles/caffe2.dir/contrib/aten/aten_op.cc.o [ 38%] Building CXX object caffe2/CMakeFiles/caffe2.dir/contrib/gloo/allgather_ops.cc.o [ 38%] Building CXX object caffe2/CMakeFiles/caffe2.dir/contrib/gloo/allreduce_ops.cc.o [ 38%] Building CXX object caffe2/CMakeFiles/caffe2.dir/contrib/gloo/barrier_ops.cc.o [ 38%] Building CXX object caffe2/CMakeFiles/caffe2.dir/contrib/gloo/broadcast_ops.cc.o [ 38%] Building CXX object caffe2/CMakeFiles/caffe2.dir/contrib/gloo/common.cc.o [ 38%] Building CXX object caffe2/CMakeFiles/caffe2.dir/contrib/gloo/common_world_ops.cc.o [ 38%] Building CXX object caffe2/CMakeFiles/caffe2.dir/contrib/gloo/context.cc.o [ 39%] Building CXX object caffe2/CMakeFiles/caffe2.dir/contrib/gloo/reduce_scatter_ops.cc.o [ 39%] Building CXX object caffe2/CMakeFiles/caffe2.dir/contrib/gloo/store_handler.cc.o [ 39%] Building CXX object caffe2/CMakeFiles/caffe2.dir/contrib/script/compiler.cc.o [ 39%] Building CXX object caffe2/CMakeFiles/caffe2.dir/contrib/script/lexer.cc.o [ 39%] Building CXX object caffe2/CMakeFiles/caffe2.dir/core/allocator.cc.o [ 39%] Building CXX object caffe2/CMakeFiles/caffe2.dir/core/blob_serialization.cc.o [ 39%] Building CXX object caffe2/CMakeFiles/caffe2.dir/core/blob_stats.cc.o [ 39%] Building CXX object caffe2/CMakeFiles/caffe2.dir/core/common.cc.o [ 39%] Building CXX object caffe2/CMakeFiles/caffe2.dir/core/context.cc.o [ 39%] Building CXX object caffe2/CMakeFiles/caffe2.dir/core/db.cc.o [ 39%] Building CXX object caffe2/CMakeFiles/caffe2.dir/core/context_base.cc.o [ 39%] Building CXX object caffe2/CMakeFiles/caffe2.dir/core/event.cc.o [ 39%] Building CXX object caffe2/CMakeFiles/caffe2.dir/core/flags.cc.o [ 39%] Building CXX object caffe2/CMakeFiles/caffe2.dir/core/graph.cc.o [ 39%] Building CXX object caffe2/CMakeFiles/caffe2.dir/core/init.cc.o [ 40%] Building CXX object caffe2/CMakeFiles/caffe2.dir/core/init_intrinsics_check.cc.o [ 40%] Building CXX object caffe2/CMakeFiles/caffe2.dir/core/init_omp.cc.o [ 40%] Building CXX object caffe2/CMakeFiles/caffe2.dir/core/int8_serialization.cc.o [ 40%] Building CXX object caffe2/CMakeFiles/caffe2.dir/core/logging.cc.o [ 40%] Building CXX object caffe2/CMakeFiles/caffe2.dir/core/memonger.cc.o [ 40%] Building CXX object caffe2/CMakeFiles/caffe2.dir/core/module.cc.o [ 40%] Building CXX object caffe2/CMakeFiles/caffe2.dir/core/net.cc.o [ 40%] Building CXX object caffe2/CMakeFiles/caffe2.dir/core/net_async_base.cc.o [ 40%] Building CXX object caffe2/CMakeFiles/caffe2.dir/core/net_async_polling.cc.o [ 40%] Building CXX object caffe2/CMakeFiles/caffe2.dir/core/net_async_scheduling.cc.o [ 40%] Building CXX object caffe2/CMakeFiles/caffe2.dir/core/net_async_tracing.cc.o [ 40%] Building CXX object caffe2/CMakeFiles/caffe2.dir/core/net_dag.cc.o [ 40%] Building CXX object caffe2/CMakeFiles/caffe2.dir/core/net_dag_utils.cc.o [ 40%] Building CXX object caffe2/CMakeFiles/caffe2.dir/core/net_simple.cc.o [ 40%] Building CXX object caffe2/CMakeFiles/caffe2.dir/core/net_simple_async.cc.o [ 41%] Building CXX object caffe2/CMakeFiles/caffe2.dir/core/numa.cc.o [ 41%] Building CXX object caffe2/CMakeFiles/caffe2.dir/core/operator.cc.o [ 41%] Building CXX object caffe2/CMakeFiles/caffe2.dir/core/operator_c10wrapper.cc.o [ 41%] Building CXX object caffe2/CMakeFiles/caffe2.dir/core/operator_schema.cc.o [ 41%] Building CXX object caffe2/CMakeFiles/caffe2.dir/core/plan_executor.cc.o [ 41%] Building CXX object caffe2/CMakeFiles/caffe2.dir/core/qtensor.cc.o [ 41%] Building CXX object caffe2/CMakeFiles/caffe2.dir/core/qtensor_serialization.cc.o [ 41%] Building CXX object caffe2/CMakeFiles/caffe2.dir/core/stats.cc.o [ 41%] Building CXX object caffe2/CMakeFiles/caffe2.dir/core/tensor.cc.o [ 41%] Building CXX object caffe2/CMakeFiles/caffe2.dir/core/tensor_int8.cc.o [ 41%] Building CXX object caffe2/CMakeFiles/caffe2.dir/core/transform.cc.o [ 41%] Building CXX object caffe2/CMakeFiles/caffe2.dir/core/types.cc.o [ 41%] Building CXX object caffe2/CMakeFiles/caffe2.dir/core/workspace.cc.o [ 41%] Building CXX object caffe2/CMakeFiles/caffe2.dir/predictor/predictor.cc.o [ 41%] Building CXX object caffe2/CMakeFiles/caffe2.dir/predictor/predictor_utils.cc.o [ 42%] Building CXX object caffe2/CMakeFiles/caffe2.dir/db/create_db_op.cc.o [ 42%] Building CXX object caffe2/CMakeFiles/caffe2.dir/db/protodb.cc.o [ 42%] Building CXX object caffe2/CMakeFiles/caffe2.dir/db/lmdb.cc.o [ 42%] Building CXX object caffe2/CMakeFiles/caffe2.dir/db/leveldb.cc.o [ 42%] Building CXX object caffe2/CMakeFiles/caffe2.dir/distributed/file_store_handler.cc.o [ 42%] Building CXX object caffe2/CMakeFiles/caffe2.dir/distributed/file_store_handler_op.cc.o [ 42%] Building CXX object caffe2/CMakeFiles/caffe2.dir/distributed/store_handler.cc.o [ 42%] Building CXX object caffe2/CMakeFiles/caffe2.dir/distributed/store_ops.cc.o [ 42%] Building CXX object caffe2/CMakeFiles/caffe2.dir/image/image_input_op.cc.o [ 42%] Building CXX object caffe2/CMakeFiles/caffe2.dir/observers/runcnt_observer.cc.o [ 42%] Building CXX object caffe2/CMakeFiles/caffe2.dir/observers/time_observer.cc.o [ 42%] Building CXX object caffe2/CMakeFiles/caffe2.dir/onnx/backend.cc.o [ 42%] Building CXX object caffe2/CMakeFiles/caffe2.dir/onnx/backend_rep.cc.o [ 42%] Building CXX object caffe2/CMakeFiles/caffe2.dir/onnx/device.cc.o [ 42%] Building CXX object caffe2/CMakeFiles/caffe2.dir/onnx/helper.cc.o [ 42%] Building CXX object caffe2/CMakeFiles/caffe2.dir/onnx/onnx_exporter.cc.o [ 43%] Building CXX object caffe2/CMakeFiles/caffe2.dir/onnx/onnxifi_init.cc.o [ 43%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/abs_op.cc.o [ 43%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/accumulate_op.cc.o [ 43%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/accuracy_op.cc.o [ 43%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/acos_op.cc.o [ 43%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/affine_channel_op.cc.o [ 43%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/apmeter_op.cc.o [ 43%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/arg_ops.cc.o [ 43%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/asin_op.cc.o [ 43%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/assert_op.cc.o [ 43%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/atan_op.cc.o [ 43%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/atomic_ops.cc.o [ 43%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/batch_box_cox_op.cc.o [ 43%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/batch_bucketize_op.cc.o [ 43%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/batch_gather_ops.cc.o [ 44%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/batch_matmul_op.cc.o [ 44%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/batch_moments_op.cc.o [ 44%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/batch_sparse_to_dense_op.cc.o [ 44%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/bbox_transform_op.cc.o [ 44%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/boolean_mask_ops.cc.o [ 44%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/boolean_unmask_ops.cc.o [ 44%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/box_with_nms_limit_op.cc.o [ 44%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/byte_weight_dequant_op.cc.o In file included from /root/pytorch/caffe2/operators/bbox_transform_op.cc:2:0: /root/pytorch/caffe2/operators/generate_proposals_op_util_boxes.h: In function ‘caffe2::EArrXXt<typename Derived1::Scalar> caffe2::utils::bbox_transform_rotated(const Eigen::ArrayBase<Derived>&, const Eigen::ArrayBase<ExponentDerived>&, const std::vector<typename Derived2::Scalar>&, float, bool, int, int)’: /root/pytorch/caffe2/operators/generate_proposals_op_util_boxes.h:110:26: warning: typedef ‘using EArrX = caffe2::EArrXt<typename Derived::Scalar>’ locally defined but not used [-Wunused-local-typedefs] using EArrX = EArrXt<T>; ^ /root/pytorch/caffe2/operators/generate_proposals_op_util_boxes.h: In function ‘std::vector<int> caffe2::utils::filter_boxes_rotated(const Eigen::ArrayBase<Derived>&, double, const Array3f&)’: /root/pytorch/caffe2/operators/generate_proposals_op_util_boxes.h:361:26: warning: typedef ‘using EArrX = caffe2::EArrXt<typename Derived::Scalar>’ locally defined but not used [-Wunused-local-typedefs] using EArrX = EArrXt<T>; ^ [ 44%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/cast_op.cc.o [ 44%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/cbrt_op.cc.o [ 44%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/ceil_op.cc.o [ 44%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/channel_backprop_stats_op.cc.o [ 44%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/channel_shuffle_op.cc.o [ 44%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/channel_stats_op.cc.o [ 44%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/clip_op.cc.o At global scope: cc1plus: warning: unrecognized command line option ‘-Wno-stringop-overflow’ [ 45%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/collect_and_distribute_fpn_rpn_proposals_op.cc.o [ 45%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/communicator_op.cc.o [ 45%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/concat_split_op.cc.o [ 45%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/conditional_op.cc.o [ 45%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/conv_gradient_op.cc.o [ 45%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/conv_op.cc.o [ 45%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/conv_op_eigen.cc.o [ 45%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/conv_op_shared.cc.o [ 45%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/conv_transpose_gradient_op.cc.o [ 45%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/conv_transpose_op.cc.o [ 45%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/conv_transpose_op_mobile.cc.o [ 45%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/cos_op.cc.o [ 45%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/cosh_op.cc.o [ 45%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/cosine_embedding_criterion_op.cc.o [ 45%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/counter_ops.cc.o [ 46%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/create_scope_op.cc.o [ 46%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/cross_entropy_op.cc.o [ 46%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/ctc_beam_search_decoder_op.cc.o [ 46%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/ctc_greedy_decoder_op.cc.o [ 46%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/cube_op.cc.o [ 46%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/dataset_ops.cc.o [ 46%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/deform_conv_gradient_op.cc.o [ 46%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/deform_conv_op.cc.o [ 46%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/distance_op.cc.o [ 46%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/do_op.cc.o [ 46%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/dropout_op.cc.o [ 46%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/elementwise_add_gradient_op.cc.o [ 46%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/elementwise_add_op.cc.o [ 46%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/elementwise_div_gradient_op.cc.o [ 46%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/elementwise_div_op.cc.o [ 46%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/elementwise_linear_op.cc.o [ 47%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/elementwise_logical_ops.cc.o [ 47%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/elementwise_mul_gradient_op.cc.o [ 47%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/elementwise_mul_op.cc.o [ 47%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/elementwise_ops.cc.o [ 47%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/elementwise_ops_schema.cc.o [ 47%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/elementwise_ops_utils.cc.o [ 47%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/elementwise_sub_gradient_op.cc.o [ 47%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/elementwise_sub_op.cc.o [ 47%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/elementwise_sum_op.cc.o [ 47%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/elu_op.cc.o [ 47%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/enforce_finite_op.cc.o [ 47%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/ensure_clipped_op.cc.o [ 47%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/ensure_cpu_output_op.cc.o [ 47%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/exp_op.cc.o [ 47%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/expand_op.cc.o [ 48%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/expand_squeeze_dims_op.cc.o [ 48%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/extend_tensor_op.cc.o [ 48%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/fc_inference.cc.o [ 48%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/feature_maps_ops.cc.o [ 48%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/feed_blob_op.cc.o [ 48%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/filler_op.cc.o [ 48%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/find_duplicate_elements_op.cc.o [ 48%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/find_op.cc.o [ 48%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/flatten_op.cc.o [ 48%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/flexible_top_k.cc.o [ 48%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/floor_op.cc.o [ 48%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/fully_connected_op.cc.o [ 48%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/free_op.cc.o [ 48%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/fused_rowwise_8bit_conversion_ops.cc.o [ 48%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/fused_rowwise_random_quantization_ops.cc.o [ 49%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/gather_fused_8bit_rowwise_op.cc.o [ 49%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/gather_op.cc.o [ 49%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/gather_ranges_to_dense_op.cc.o [ 49%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/generate_proposals_op.cc.o [ 49%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/given_tensor_fill_op.cc.o [ 49%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/glu_op.cc.o [ 49%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/group_norm_op.cc.o [ 49%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/gru_unit_op.cc.o [ 49%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/h_softmax_op.cc.o [ 49%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/half_float_ops.cc.o In file included from /root/pytorch/caffe2/operators/generate_proposals_op.cc:2:0: /root/pytorch/caffe2/operators/generate_proposals_op_util_boxes.h: In function ‘caffe2::EArrXXt<typename Derived1::Scalar> caffe2::utils::bbox_transform_rotated(const Eigen::ArrayBase<Derived>&, const Eigen::ArrayBase<ExponentDerived>&, const std::vector<typename Derived2::Scalar>&, float, bool, int, int)’: /root/pytorch/caffe2/operators/generate_proposals_op_util_boxes.h:110:26: warning: typedef ‘using EArrX = caffe2::EArrXt<typename Derived::Scalar>’ locally defined but not used [-Wunused-local-typedefs] using EArrX = EArrXt<T>; ^ /root/pytorch/caffe2/operators/generate_proposals_op_util_boxes.h: In function ‘std::vector<int> caffe2::utils::filter_boxes_rotated(const Eigen::ArrayBase<Derived>&, double, const Array3f&)’: /root/pytorch/caffe2/operators/generate_proposals_op_util_boxes.h:361:26: warning: typedef ‘using EArrX = caffe2::EArrXt<typename Derived::Scalar>’ locally defined but not used [-Wunused-local-typedefs] using EArrX = EArrXt<T>; ^ [ 49%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/heatmap_max_keypoint_op.cc.o [ 49%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/if_op.cc.o [ 49%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/im2col_op.cc.o [ 49%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/index_hash_ops.cc.o [ 49%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/index_ops.cc.o [ 50%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/instance_norm_gradient_op.cc.o [ 50%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/instance_norm_op.cc.o [ 50%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/integral_image_op.cc.o [ 50%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/jsd_op.cc.o [ 50%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/key_split_ops.cc.o [ 50%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/last_n_window_collector.cc.o [ 50%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/layer_norm_op.cc.o [ 50%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/leaky_relu_op.cc.o At global scope: cc1plus: warning: unrecognized command line option ‘-Wno-stringop-overflow’ [ 50%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/lengths_pad_op.cc.o [ 50%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/lengths_reducer_fused_8bit_rowwise_ops.cc.o [ 50%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/lengths_reducer_ops.cc.o [ 50%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/lengths_reducer_rowwise_8bit_ops.cc.o [ 50%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/lengths_tile_op.cc.o [ 50%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/lengths_top_k_op.cc.o [ 50%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/listwise_l2r_op.cc.o [ 50%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/load_save_op.cc.o [ 51%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/local_response_normalization_op.cc.o [ 51%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/locally_connected_op.cc.o [ 51%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/locally_connected_op_util.cc.o [ 51%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/log_op.cc.o [ 51%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/logit_op.cc.o [ 51%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/loss_op.cc.o [ 51%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/lp_pool_op.cc.o [ 51%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/lpnorm_op.cc.o [ 51%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/lstm_unit_op.cc.o [ 51%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/map_ops.cc.o [ 51%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/margin_ranking_criterion_op.cc.o [ 51%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/matmul_op.cc.o [ 51%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/mean_op.cc.o [ 51%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/merge_id_lists_op.cc.o [ 51%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/minmax_gradient_ops.cc.o [ 52%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/minmax_ops.cc.o [ 52%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/mod_op.cc.o [ 52%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/moments_op.cc.o [ 52%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/multi_class_accuracy_op.cc.o [ 52%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/negate_gradient_op.cc.o [ 52%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/negative_op.cc.o [ 52%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/ngram_ops.cc.o [ 52%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/norm_planar_yuv_op.cc.o [ 52%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/normalize_l1_op.cc.o [ 52%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/normalize_op.cc.o [ 52%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/numpy_tile_op.cc.o [ 52%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/one_hot_ops.cc.o [ 52%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/onnx_while_op.cc.o [ 52%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/onnxifi_op.cc.o [ 52%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/order_switch_ops.cc.o [ 53%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/pack_rnn_sequence_op.cc.o [ 53%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/pack_segments.cc.o [ 53%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/pad_op.cc.o [ 53%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/partition_ops.cc.o [ 53%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/percentile_op.cc.o [ 53%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/perplexity_op.cc.o [ 53%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/piecewise_linear_transform_op.cc.o [ 53%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/pool_gradient_op.cc.o [ 53%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/pool_op.cc.o [ 53%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/pow_op.cc.o [ 53%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/prepend_dim_op.cc.o [ 53%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/prelu_op.cc.o [ 53%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/quant_decode_op.cc.o [ 53%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/rank_loss_op.cc.o [ 53%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/reciprocal_gradient_op.cc.o [ 54%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/reciprocal_op.cc.o [ 54%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/reduce_ops.cc.o [ 54%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/reduction_front_back_ops.cc.o [ 54%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/reduction_ops.cc.o [ 54%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/relu_n_op.cc.o [ 54%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/relu_op.cc.o [ 54%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/remove_data_blocks_op.cc.o [ 54%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/replace_nan_op.cc.o [ 54%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/reservoir_sampling.cc.o [ 54%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/reshape_op.cc.o [ 54%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/resize_op.cc.o [ 54%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/reverse_packed_segs_op.cc.o [ 54%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/rmac_regions_op.cc.o [ 54%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/roi_align_gradient_op.cc.o [ 54%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/roi_align_op.cc.o [ 54%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/roi_align_rotated_gradient_op.cc.o [ 55%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/roi_align_rotated_op.cc.o [ 55%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/roi_pool_op.cc.o [ 55%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/rowmul_op.cc.o [ 55%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/rsqrt_op.cc.o [ 55%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/scale_op.cc.o [ 55%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/segment_reduction_op.cc.o [ 55%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/selu_op.cc.o [ 55%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/sequence_ops.cc.o [ 55%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/shape_op.cc.o [ 55%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/sigmoid_gradient_op.cc.o [ 55%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/sigmoid_op.cc.o [ 55%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/sin_op.cc.o [ 55%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/sinh_op.cc.o [ 55%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/sinusoid_position_encoding_op.cc.o [ 55%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/slice_op.cc.o [ 56%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/softmax_op.cc.o [ 56%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/softmax_shared.cc.o [ 56%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/softmax_with_loss_op.cc.o [ 56%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/softplus_op.cc.o [ 56%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/softsign_op.cc.o [ 56%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/space_batch_op.cc.o [ 56%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/sparse_normalize_op.cc.o [ 56%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/sparse_to_dense_mask_op.cc.o [ 56%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/sparse_to_dense_op.cc.o [ 56%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/spatial_batch_norm_gradient_op.cc.o [ 56%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/spatial_batch_norm_op.cc.o [ 56%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/spatial_softmax_with_loss_op.cc.o [ 56%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/sqr_op.cc.o [ 56%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/sqrt_op.cc.o [ 56%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/square_root_divide_op.cc.o [ 57%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/stats_ops.cc.o [ 57%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/stop_gradient.cc.o [ 57%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/string_ops.cc.o [ 57%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/stump_func_op.cc.o [ 57%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/stylizer_ops.cc.o [ 57%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/summarize_op.cc.o [ 57%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/swish_op.cc.o [ 57%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/tan_op.cc.o [ 57%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/tanh_gradient_op.cc.o [ 57%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/tanh_op.cc.o [ 57%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/tensor_protos_db_input.cc.o [ 57%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/text_file_reader.cc.o [ 57%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/text_file_reader_utils.cc.o [ 57%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/thresholded_relu_op.cc.o [ 57%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/tile_op.cc.o [ 58%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/top_k.cc.o [ 58%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/transpose_op.cc.o [ 58%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/tt_linear_op.cc.o [ 58%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/unique_ops.cc.o [ 58%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/upsample_op.cc.o [ 58%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/utility_ops.cc.o [ 58%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/variable_length_sequence_padding.cc.o [ 58%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/weighted_multi_sampling_op.cc.o [ 58%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/weighted_sample_op.cc.o [ 58%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/while_op.cc.o [ 58%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/workspace_ops.cc.o [ 58%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/zero_gradient_op.cc.o [ 58%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/rnn/recurrent_network_blob_fetcher_op.cc.o [ 58%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/rnn/recurrent_network_executor.cc.o [ 58%] Building CXX object caffe2/CMakeFiles/caffe2.dir/operators/rnn/recurrent_network_op.cc.o [ 58%] Building CXX object caffe2/CMakeFiles/caffe2.dir/opt/backend_cutting.cc.o [ 59%] Building CXX object caffe2/CMakeFiles/caffe2.dir/opt/converter.cc.o [ 59%] Building CXX object caffe2/CMakeFiles/caffe2.dir/opt/device.cc.o [ 59%] Building CXX object caffe2/CMakeFiles/caffe2.dir/opt/fusion.cc.o [ 59%] Building CXX object caffe2/CMakeFiles/caffe2.dir/opt/mobile.cc.o [ 59%] Building CXX object caffe2/CMakeFiles/caffe2.dir/opt/onnxifi_transformer.cc.o [ 59%] Building CXX object caffe2/CMakeFiles/caffe2.dir/opt/optimize_ideep.cc.o [ 59%] Building CXX object caffe2/CMakeFiles/caffe2.dir/opt/optimizer.cc.o [ 59%] Building CXX object caffe2/CMakeFiles/caffe2.dir/opt/passes.cc.o [ 59%] Building CXX object caffe2/CMakeFiles/caffe2.dir/opt/sink.cc.o [ 59%] Building CXX object caffe2/CMakeFiles/caffe2.dir/perfkernels/embedding_lookup.cc.o [ 59%] Building CXX object caffe2/CMakeFiles/caffe2.dir/perfkernels/fused_8bit_rowwise_embedding_lookup.cc.o [ 59%] Building CXX object caffe2/CMakeFiles/caffe2.dir/perfkernels/typed_axpy.cc.o [ 59%] Building CXX object caffe2/CMakeFiles/caffe2.dir/queue/blobs_queue.cc.o [ 59%] Building CXX object caffe2/CMakeFiles/caffe2.dir/queue/blobs_queue_db.cc.o [ 59%] Building CXX object caffe2/CMakeFiles/caffe2.dir/queue/queue_ops.cc.o [ 60%] Building CXX object caffe2/CMakeFiles/caffe2.dir/queue/rebatching_queue.cc.o [ 60%] Building CXX object caffe2/CMakeFiles/caffe2.dir/queue/rebatching_queue_ops.cc.o [ 60%] Building CXX object caffe2/CMakeFiles/caffe2.dir/sgd/adadelta_op.cc.o [ 60%] Building CXX object caffe2/CMakeFiles/caffe2.dir/sgd/adagrad_op.cc.o [ 60%] Building CXX object caffe2/CMakeFiles/caffe2.dir/sgd/adam_op.cc.o [ 60%] Building CXX object caffe2/CMakeFiles/caffe2.dir/sgd/clip_tensor_op.cc.o [ 60%] Building CXX object caffe2/CMakeFiles/caffe2.dir/sgd/ftrl_op.cc.o [ 60%] Building CXX object caffe2/CMakeFiles/caffe2.dir/sgd/gftrl_op.cc.o [ 60%] Building CXX object caffe2/CMakeFiles/caffe2.dir/sgd/iter_op.cc.o [ 60%] Building CXX object caffe2/CMakeFiles/caffe2.dir/sgd/lars_op.cc.o [ 60%] Building CXX object caffe2/CMakeFiles/caffe2.dir/sgd/learning_rate_adaption_op.cc.o [ 60%] Building CXX object caffe2/CMakeFiles/caffe2.dir/sgd/learning_rate_op.cc.o [ 60%] Building CXX object caffe2/CMakeFiles/caffe2.dir/sgd/momentum_sgd_op.cc.o [ 60%] Building CXX object caffe2/CMakeFiles/caffe2.dir/sgd/rmsprop_op.cc.o [ 60%] Building CXX object caffe2/CMakeFiles/caffe2.dir/sgd/wngrad_op.cc.o [ 61%] Building CXX object caffe2/CMakeFiles/caffe2.dir/sgd/yellowfin_op.cc.o [ 61%] Building CXX object caffe2/CMakeFiles/caffe2.dir/share/contrib/nnpack/conv_op.cc.o [ 61%] Building CXX object caffe2/CMakeFiles/caffe2.dir/share/contrib/depthwise/depthwise3x3_conv_op.cc.o [ 61%] Building CXX object caffe2/CMakeFiles/caffe2.dir/transforms/common_subexpression_elimination.cc.o [ 61%] Building CXX object caffe2/CMakeFiles/caffe2.dir/transforms/conv_to_nnpack_transform.cc.o [ 61%] Building CXX object caffe2/CMakeFiles/caffe2.dir/transforms/pattern_net_transform.cc.o [ 61%] Building CXX object caffe2/CMakeFiles/caffe2.dir/transforms/single_op_transform.cc.o [ 61%] Linking CXX shared library ../lib/libcaffe2.so [ 61%] Built target caffe2 Scanning dependencies of target caffe2_observers Scanning dependencies of target caffe2_pybind11_state [ 61%] Building CXX object modules/observers/CMakeFiles/caffe2_observers.dir/net_observer_reporter_print.cc.o [ 61%] Building CXX object modules/observers/CMakeFiles/caffe2_observers.dir/observer_config.cc.o [ 62%] Building CXX object modules/observers/CMakeFiles/caffe2_observers.dir/perf_observer.cc.o [ 62%] Building CXX object caffe2/CMakeFiles/caffe2_pybind11_state.dir/python/pybind_state.cc.o [ 62%] Building CXX object caffe2/CMakeFiles/caffe2_pybind11_state.dir/python/pybind_state_dlpack.cc.o [ 62%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THC/caffe2_gpu_generated_THCReduceApplyUtils.cu.o [ 62%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/utils/caffe2_gpu_generated_math_gpu.cu.o [ 62%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THC/caffe2_gpu_generated_THCSleep.cu.o [ 62%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THC/caffe2_gpu_generated_THCBlas.cu.o [ 62%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THC/caffe2_gpu_generated_THCStorage.cu.o [ 62%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THC/caffe2_gpu_generated_THCStorageCopy.cu.o [ 62%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THC/caffe2_gpu_generated_THCTensor.cu.o [ 62%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THC/caffe2_gpu_generated_THCTensorCopy.cu.o [ 62%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THC/caffe2_gpu_generated_THCTensorMath.cu.o [ 62%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THC/caffe2_gpu_generated_THCTensorMathBlas.cu.o [ 62%] Linking CXX shared library ../../lib/libcaffe2_observers.so [ 62%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THC/caffe2_gpu_generated_THCTensorMathMagma.cu.o [ 62%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THC/caffe2_gpu_generated_THCTensorMathPairwise.cu.o [ 62%] Built target caffe2_observers [ 62%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THC/caffe2_gpu_generated_THCTensorMathReduce.cu.o [ 63%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THC/caffe2_gpu_generated_THCTensorMathScan.cu.o [ 63%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THC/caffe2_gpu_generated_THCTensorIndex.cu.o [ 63%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THC/caffe2_gpu_generated_THCTensorRandom.cu.o [ 63%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THC/caffe2_gpu_generated_THCTensorScatterGather.cu.o [ 63%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THC/caffe2_gpu_generated_THCTensorTopK.cu.o [ 63%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THC/caffe2_gpu_generated_THCTensorSort.cu.o [ 63%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THC/caffe2_gpu_generated_THCSortUtils.cu.o [ 63%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THC/caffe2_gpu_generated_THCTensorMode.cu.o [ 63%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THC/generated/caffe2_gpu_generated_THCTensorSortByte.cu.o [ 63%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THC/generated/caffe2_gpu_generated_THCTensorMathCompareTByte.cu.o [ 63%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THC/generated/caffe2_gpu_generated_THCTensorMathPointwiseByte.cu.o [ 63%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THC/generated/caffe2_gpu_generated_THCTensorMathCompareByte.cu.o [ 63%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THC/generated/caffe2_gpu_generated_THCTensorMathReduceByte.cu.o [ 63%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THC/generated/caffe2_gpu_generated_THCTensorMaskedByte.cu.o [ 63%] Linking CXX shared module python/caffe2_pybind11_state.cpython-37m-x86_64-linux-gnu.so [ 63%] Built target caffe2_pybind11_state [ 63%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THC/generated/caffe2_gpu_generated_THCTensorSortChar.cu.o [ 64%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THC/generated/caffe2_gpu_generated_THCTensorMathCompareTChar.cu.o [ 64%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THC/generated/caffe2_gpu_generated_THCTensorMathPointwiseChar.cu.o [ 64%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THC/generated/caffe2_gpu_generated_THCTensorMathCompareChar.cu.o [ 64%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THC/generated/caffe2_gpu_generated_THCTensorMathReduceChar.cu.o [ 64%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THC/generated/caffe2_gpu_generated_THCTensorMaskedChar.cu.o [ 64%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THC/generated/caffe2_gpu_generated_THCTensorSortShort.cu.o [ 64%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THC/generated/caffe2_gpu_generated_THCTensorMathCompareTShort.cu.o [ 64%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THC/generated/caffe2_gpu_generated_THCTensorMathPointwiseShort.cu.o [ 64%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THC/generated/caffe2_gpu_generated_THCTensorMathCompareShort.cu.o [ 64%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THC/generated/caffe2_gpu_generated_THCTensorMathReduceShort.cu.o [ 64%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THC/generated/caffe2_gpu_generated_THCTensorMaskedShort.cu.o [ 64%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THC/generated/caffe2_gpu_generated_THCTensorSortInt.cu.o [ 64%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THC/generated/caffe2_gpu_generated_THCTensorMathCompareTInt.cu.o [ 64%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THC/generated/caffe2_gpu_generated_THCTensorMathPointwiseInt.cu.o [ 64%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THC/generated/caffe2_gpu_generated_THCTensorMathCompareInt.cu.o [ 65%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THC/generated/caffe2_gpu_generated_THCTensorMathReduceInt.cu.o [ 65%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THC/generated/caffe2_gpu_generated_THCTensorMaskedInt.cu.o [ 65%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THC/generated/caffe2_gpu_generated_THCTensorSortLong.cu.o [ 65%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THC/generated/caffe2_gpu_generated_THCTensorMathCompareTLong.cu.o [ 65%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THC/generated/caffe2_gpu_generated_THCTensorMathPointwiseLong.cu.o [ 65%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THC/generated/caffe2_gpu_generated_THCTensorMathCompareLong.cu.o [ 65%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THC/generated/caffe2_gpu_generated_THCTensorMathReduceLong.cu.o [ 65%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THC/generated/caffe2_gpu_generated_THCTensorMaskedLong.cu.o [ 65%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THC/generated/caffe2_gpu_generated_THCTensorSortHalf.cu.o [ 65%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THC/generated/caffe2_gpu_generated_THCTensorMathCompareTHalf.cu.o [ 65%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THC/generated/caffe2_gpu_generated_THCTensorMathPointwiseHalf.cu.o [ 65%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THC/generated/caffe2_gpu_generated_THCTensorMathCompareHalf.cu.o [ 65%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THC/generated/caffe2_gpu_generated_THCTensorMathReduceHalf.cu.o [ 65%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THC/generated/caffe2_gpu_generated_THCTensorMaskedHalf.cu.o [ 65%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THC/generated/caffe2_gpu_generated_THCTensorSortFloat.cu.o [ 65%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THC/generated/caffe2_gpu_generated_THCTensorMathCompareTFloat.cu.o [ 66%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THC/generated/caffe2_gpu_generated_THCTensorMathPointwiseFloat.cu.o [ 66%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THC/generated/caffe2_gpu_generated_THCTensorMathCompareFloat.cu.o [ 66%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THC/generated/caffe2_gpu_generated_THCTensorMathReduceFloat.cu.o [ 66%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THC/generated/caffe2_gpu_generated_THCTensorMaskedFloat.cu.o [ 66%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THC/generated/caffe2_gpu_generated_THCTensorSortDouble.cu.o [ 66%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THC/generated/caffe2_gpu_generated_THCTensorMathCompareTDouble.cu.o [ 66%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THC/generated/caffe2_gpu_generated_THCTensorMathPointwiseDouble.cu.o [ 66%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THC/generated/caffe2_gpu_generated_THCTensorMathCompareDouble.cu.o [ 66%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THC/generated/caffe2_gpu_generated_THCTensorMathReduceDouble.cu.o [ 66%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THC/generated/caffe2_gpu_generated_THCTensorMaskedDouble.cu.o [ 66%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THC/caffe2_gpu_generated_THCHalf.cu.o [ 66%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THCUNN/caffe2_gpu_generated_AbsCriterion.cu.o [ 66%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THCUNN/caffe2_gpu_generated_Abs.cu.o [ 66%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THCUNN/caffe2_gpu_generated_BatchNormalization.cu.o [ 66%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THCUNN/caffe2_gpu_generated_BCECriterion.cu.o [ 67%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THCUNN/caffe2_gpu_generated_ClassNLLCriterion.cu.o [ 67%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THCUNN/caffe2_gpu_generated_Col2Im.cu.o [ 67%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THCUNN/caffe2_gpu_generated_DistKLDivCriterion.cu.o [ 67%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THCUNN/caffe2_gpu_generated_ELU.cu.o [ 67%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THCUNN/caffe2_gpu_generated_FeatureLPPooling.cu.o [ 67%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THCUNN/caffe2_gpu_generated_GatedLinearUnit.cu.o [ 67%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THCUNN/caffe2_gpu_generated_HardTanh.cu.o [ 67%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THCUNN/caffe2_gpu_generated_Im2Col.cu.o [ 67%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THCUNN/caffe2_gpu_generated_IndexLinear.cu.o [ 67%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THCUNN/caffe2_gpu_generated_L1Cost.cu.o [ 67%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THCUNN/caffe2_gpu_generated_LeakyReLU.cu.o [ 67%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THCUNN/caffe2_gpu_generated_LogSigmoid.cu.o [ 67%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THCUNN/caffe2_gpu_generated_LookupTableBag.cu.o [ 67%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THCUNN/caffe2_gpu_generated_LookupTable.cu.o [ 67%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THCUNN/caffe2_gpu_generated_MarginCriterion.cu.o [ 68%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THCUNN/caffe2_gpu_generated_MSECriterion.cu.o [ 68%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THCUNN/caffe2_gpu_generated_MultiLabelMarginCriterion.cu.o [ 68%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THCUNN/caffe2_gpu_generated_MultiMarginCriterion.cu.o [ 68%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THCUNN/caffe2_gpu_generated_PReLU.cu.o [ 68%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THCUNN/caffe2_gpu_generated_RReLU.cu.o [ 68%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THCUNN/caffe2_gpu_generated_Sigmoid.cu.o [ 68%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THCUNN/caffe2_gpu_generated_SmoothL1Criterion.cu.o [ 68%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THCUNN/caffe2_gpu_generated_SoftMarginCriterion.cu.o [ 68%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THCUNN/caffe2_gpu_generated_SoftPlus.cu.o [ 68%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THCUNN/caffe2_gpu_generated_SoftShrink.cu.o [ 68%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THCUNN/caffe2_gpu_generated_SparseLinear.cu.o [ 68%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THCUNN/caffe2_gpu_generated_SpatialAdaptiveAveragePooling.cu.o [ 68%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THCUNN/caffe2_gpu_generated_SpatialAdaptiveMaxPooling.cu.o [ 68%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THCUNN/caffe2_gpu_generated_SpatialAveragePooling.cu.o [ 68%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THCUNN/caffe2_gpu_generated_SpatialClassNLLCriterion.cu.o [ 69%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THCUNN/caffe2_gpu_generated_SpatialConvolutionLocal.cu.o [ 69%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THCUNN/caffe2_gpu_generated_SpatialConvolutionMM.cu.o [ 69%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THCUNN/caffe2_gpu_generated_SpatialCrossMapLRN.cu.o [ 69%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THCUNN/caffe2_gpu_generated_SpatialDepthwiseConvolution.cu.o [ 69%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THCUNN/caffe2_gpu_generated_SpatialDilatedConvolution.cu.o [ 69%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THCUNN/caffe2_gpu_generated_SpatialDilatedMaxPooling.cu.o [ 69%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THCUNN/caffe2_gpu_generated_SpatialFractionalMaxPooling.cu.o [ 69%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THCUNN/caffe2_gpu_generated_SpatialFullConvolution.cu.o [ 69%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THCUNN/caffe2_gpu_generated_SpatialFullDilatedConvolution.cu.o [ 69%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THCUNN/caffe2_gpu_generated_SpatialMaxPooling.cu.o [ 69%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THCUNN/caffe2_gpu_generated_SpatialMaxUnpooling.cu.o [ 69%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THCUNN/caffe2_gpu_generated_SpatialReflectionPadding.cu.o [ 69%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THCUNN/caffe2_gpu_generated_SpatialReplicationPadding.cu.o [ 69%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THCUNN/caffe2_gpu_generated_SpatialSubSampling.cu.o [ 69%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THCUNN/caffe2_gpu_generated_SpatialUpSamplingBilinear.cu.o [ 69%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THCUNN/caffe2_gpu_generated_SpatialUpSamplingNearest.cu.o [ 70%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THCUNN/caffe2_gpu_generated_Sqrt.cu.o [ 70%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THCUNN/caffe2_gpu_generated_Square.cu.o [ 70%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THCUNN/caffe2_gpu_generated_Tanh.cu.o [ 70%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THCUNN/caffe2_gpu_generated_TemporalConvolution.cu.o [ 70%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THCUNN/caffe2_gpu_generated_TemporalMaxPooling.cu.o [ 70%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THCUNN/caffe2_gpu_generated_TemporalReflectionPadding.cu.o [ 70%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THCUNN/caffe2_gpu_generated_TemporalReplicationPadding.cu.o [ 70%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THCUNN/caffe2_gpu_generated_TemporalRowConvolution.cu.o [ 70%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THCUNN/caffe2_gpu_generated_TemporalUpSamplingLinear.cu.o [ 70%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THCUNN/caffe2_gpu_generated_TemporalUpSamplingNearest.cu.o [ 70%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THCUNN/caffe2_gpu_generated_Threshold.cu.o [ 70%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THCUNN/caffe2_gpu_generated_VolumetricAdaptiveAveragePooling.cu.o [ 70%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THCUNN/caffe2_gpu_generated_VolumetricAdaptiveMaxPooling.cu.o [ 70%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THCUNN/caffe2_gpu_generated_VolumetricAveragePooling.cu.o [ 70%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THCUNN/caffe2_gpu_generated_VolumetricConvolution.cu.o [ 71%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THCUNN/caffe2_gpu_generated_VolumetricDilatedConvolution.cu.o [ 71%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THCUNN/caffe2_gpu_generated_VolumetricDilatedMaxPooling.cu.o [ 71%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THCUNN/caffe2_gpu_generated_VolumetricFractionalMaxPooling.cu.o [ 71%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THCUNN/caffe2_gpu_generated_VolumetricFullConvolution.cu.o [ 71%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THCUNN/caffe2_gpu_generated_VolumetricFullDilatedConvolution.cu.o [ 71%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THCUNN/caffe2_gpu_generated_VolumetricMaxPooling.cu.o [ 71%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THCUNN/caffe2_gpu_generated_VolumetricMaxUnpooling.cu.o [ 71%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THCUNN/caffe2_gpu_generated_VolumetricReplicationPadding.cu.o [ 71%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THCUNN/caffe2_gpu_generated_VolumetricUpSamplingNearest.cu.o [ 71%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THCUNN/caffe2_gpu_generated_VolumetricUpSamplingTrilinear.cu.o [ 71%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/ATen/cuda/caffe2_gpu_generated_CUDAHalf.cu.o [ 71%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/ATen/cuda/detail/caffe2_gpu_generated_IndexUtils.cu.o [ 71%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/ATen/native/cuda/caffe2_gpu_generated_Activation.cu.o [ 71%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/ATen/native/cuda/caffe2_gpu_generated_BinaryOpsKernel.cu.o [ 71%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/ATen/native/cuda/caffe2_gpu_generated_CUDAScalar.cu.o [ 72%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/ATen/native/cuda/caffe2_gpu_generated_Distributions.cu.o [ 72%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/ATen/native/cuda/caffe2_gpu_generated_Dropout.cu.o [ 72%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/ATen/native/cuda/caffe2_gpu_generated_Embedding.cu.o [ 72%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/ATen/native/cuda/caffe2_gpu_generated_EmbeddingBag.cu.o [ 72%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/ATen/native/cuda/caffe2_gpu_generated_Gesv.cu.o [ 72%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/ATen/native/cuda/caffe2_gpu_generated_GridSampler.cu.o [ 72%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/ATen/native/cuda/caffe2_gpu_generated_LossCTC.cu.o [ 72%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/ATen/native/cuda/caffe2_gpu_generated_RNN.cu.o [ 72%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/ATen/native/cuda/caffe2_gpu_generated_RoiPooling.cu.o [ 72%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/ATen/native/cuda/caffe2_gpu_generated_SoftMax.cu.o [ 72%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/ATen/native/cuda/caffe2_gpu_generated_SparseMM.cu.o [ 72%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/ATen/native/cuda/caffe2_gpu_generated_SpectralOps.cu.o [ 72%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/ATen/native/cuda/caffe2_gpu_generated_SummaryOps.cu.o [ 72%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/ATen/native/cuda/caffe2_gpu_generated_TensorCompare.cu.o [ 72%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/ATen/native/cuda/caffe2_gpu_generated_TensorFactories.cu.o [ 73%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/ATen/native/cuda/caffe2_gpu_generated_TensorTransformations.cu.o [ 73%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/ATen/native/cuda/caffe2_gpu_generated_Unique.cu.o [ 73%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/ATen/native/sparse/cuda/caffe2_gpu_generated_SparseCUDABlas.cu.o [ 73%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/ATen/native/sparse/cuda/caffe2_gpu_generated_SparseCUDATensor.cu.o [ 73%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/ATen/native/sparse/cuda/caffe2_gpu_generated_SparseCUDATensorMath.cu.o [ 73%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/core/caffe2_gpu_generated_THCCachingAllocator.cu.o [ 73%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/core/caffe2_gpu_generated_context_gpu.cu.o [ 73%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/image/caffe2_gpu_generated_transform_gpu.cu.o [ 73%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_abs_op.cu.o [ 73%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_accumulate_op.cu.o [ 73%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_accuracy_op.cu.o [ 73%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_acos_op.cu.o [ 73%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_affine_channel_op.cu.o [ 73%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_arg_ops.cu.o [ 73%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_asin_op.cu.o [ 73%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_assert_op.cu.o [ 74%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_atan_op.cu.o [ 74%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_batch_gather_ops.cu.o [ 74%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_batch_matmul_op.cu.o [ 74%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_batch_moments_op.cu.o [ 74%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_boolean_mask_ops.cu.o [ 74%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_boolean_unmask_ops.cu.o [ 74%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_cast_op.cu.o [ 74%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_cbrt_op.cu.o [ 74%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_ceil_op.cu.o [ 74%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_channel_backprop_stats_op.cu.o [ 74%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_channel_shuffle_op_gpu.cu.o [ 74%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_channel_stats_op.cu.o [ 74%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_clip_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_cosh_op.cu.o [ 75%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_cosine_embedding_criterion_op.cu.o [ 75%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_cross_entropy_op.cu.o [ 75%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_cube_op.cu.o [ 75%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_deform_conv_op.cu.o [ 75%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_distance_op.cu.o [ 75%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_dropout_op.cu.o [ 75%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_elementwise_div_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_elementwise_mul_op.cu.o [ 75%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_elementwise_ops.cu.o [ 75%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_elu_op.cu.o [ 75%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_enforce_finite_op.cu.o [ 75%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_ensure_cpu_output_op.cu.o [ 75%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_filler_op.cu.o [ 75%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_find_op.cu.o [ 76%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_floor_op.cu.o [ 76%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_gather_op.cu.o [ 76%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_given_tensor_fill_op.cu.o [ 76%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_glu_op.cu.o [ 76%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_group_norm_op.cu.o [ 76%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_gru_unit_op_gpu.cu.o [ 76%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_half_float_ops.cu.o [ 76%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_instance_norm_op.cu.o [ 76%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_integral_image_op.cu.o [ 76%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_layer_norm_op.cu.o [ 76%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_leaky_relu_op.cu.o [ 76%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_lengths_pad_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_logit_op.cu.o [ 76%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_loss_op.cu.o [ 77%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_lp_pool_op.cu.o /root/pytorch/caffe2/operators/lp_pool_op.cu(24): warning: function "caffe2::<unnamed>::cuda_pow(T, T) [with T=double]" was declared but never referenced /root/pytorch/caffe2/operators/lp_pool_op.cu(33): warning: function "caffe2::<unnamed>::cuda_abs(T) [with T=double]" was declared but never referenced [ 77%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_lstm_unit_op_gpu.cu.o [ 77%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_margin_ranking_criterion_op.cu.o [ 77%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_max_pool_with_index.cu.o [ 77%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_mean_op.cu.o [ 77%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_mem_query_op.cu.o /root/pytorch/caffe2/operators/layer_norm_op.cu: In function ‘void caffe2::_GLOBAL__N__48_tmpxft_00002086_00000000_6_layer_norm_op_cpp1_ii_3485d0cb::allocScratchAndReduce(InputIterator_t, float*, int, int*, caffe2::Tensor*, cudaStream_t) [with InputIterator_t = const float*]’: /root/pytorch/caffe2/operators/layer_norm_op.cu:50:8: warning: ‘temp_storage_bytes’ may be used uninitialized in this function [-Wmaybe-uninitialized] size_t temp_storage_bytes; ^~~~~~~~~~~~~~~~~~ /root/pytorch/caffe2/operators/layer_norm_op.cu: In function ‘void caffe2::_GLOBAL__N__48_tmpxft_00002086_00000000_6_layer_norm_op_cpp1_ii_3485d0cb::allocScratchAndReduce(InputIterator_t, float*, int, int*, caffe2::Tensor*, cudaStream_t) [with InputIterator_t = cub::TransformInputIterator<float, caffe2::_GLOBAL__N__48_tmpxft_00002086_00000000_6_layer_norm_op_cpp1_ii_3485d0cb::SqrTransform<float>, const float*>]’: /root/pytorch/caffe2/operators/layer_norm_op.cu:50:8: warning: ‘temp_storage_bytes’ may be used uninitialized in this function [-Wmaybe-uninitialized] At global scope: cc1plus: warning: unrecognized command line option ‘-Wno-stringop-overflow’ [ 77%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_moments_op.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/operators/caffe2_gpu_generated_normalize_ops.cu.o [ 77%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_one_hot_ops.cu.o [ 77%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_order_switch_ops.cu.o [ 77%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_pack_segments.cu.o [ 77%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_pad_op_gpu.cu.o [ 77%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_perplexity_op.cu.o [ 77%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_piecewise_linear_transform_op.cu.o [ 77%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_pool_op.cu.o [ 78%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_pow_op.cu.o [ 78%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_prelu_op.cu.o [ 78%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_reciprocal_op.cu.o [ 78%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_reduce_ops.cu.o [ 78%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_reduction_front_back_ops.cu.o [ 78%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_reduction_ops.cu.o [ 78%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_relu_n_op.cu.o [ 78%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_relu_op.cu.o [ 78%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_replace_nan_op.cu.o [ 78%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_resize_op.cu.o [ 78%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_reverse_packed_segs_op.cu.o [ 78%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_rmac_regions_op.cu.o [ 78%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_roi_align_gradient_op.cu.o [ 78%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_roi_align_op.cu.o [ 78%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_roi_align_rotated_gradient_op.cu.o [ 79%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_roi_align_rotated_op.cu.o [ 79%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_roi_pool_op.cu.o [ 79%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_rsqrt_op.cu.o [ 79%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_segment_reduction_op_gpu.cu.o [ 79%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_selu_op.cu.o [ 79%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_sequence_ops.cu.o [ 79%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_sigmoid_op.cu.o [ 79%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_sin_op.cu.o [ 79%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_sinh_op.cu.o [ 79%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_slice_op.cu.o [ 79%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_softmax_ops.cu.o [ 79%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_softplus_op.cu.o [ 79%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_softsign_op.cu.o [ 79%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_space_batch_op_gpu.cu.o /root/pytorch/caffe2/operators/softsign_op.cu(26): warning: function "caffe2::<unnamed>::typed_abs(T) [with T=double]" was declared but never referenced [ 79%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_sparse_normalize_op_gpu.cu.o [ 80%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_sparse_to_dense_op.cu.o [ 80%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_stump_func_op.cu.o [ 80%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_summarize_op.cu.o [ 80%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_swish_op.cu.o [ 80%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_tan_op.cu.o [ 80%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_tanh_op.cu.o [ 80%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_thresholded_relu_op.cu.o [ 80%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_tile_op.cu.o [ 80%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_top_k.cu.o [ 80%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_transpose_op.cu.o [ 80%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_unique_ops.cu.o [ 80%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_utility_ops.cu.o [ 80%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/caffe2_gpu_generated_weighted_sample_op.cu.o [ 80%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/operators/rnn/caffe2_gpu_generated_recurrent_network_op_gpu.cu.o [ 80%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/sgd/caffe2_gpu_generated_adadelta_op_gpu.cu.o [ 81%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/sgd/caffe2_gpu_generated_adagrad_op_gpu.cu.o [ 81%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/sgd/caffe2_gpu_generated_adam_op_gpu.cu.o [ 81%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/sgd/caffe2_gpu_generated_fp16_momentum_sgd_op.cu.o [ 81%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/sgd/caffe2_gpu_generated_fp32_momentum_sgd_op.cu.o [ 81%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/sgd/caffe2_gpu_generated_lars_op_gpu.cu.o [ 81%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/sgd/caffe2_gpu_generated_momentum_sgd_op_gpu.cu.o [ 81%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/sgd/caffe2_gpu_generated_rmsprop_op_gpu.cu.o [ 81%] Building NVCC (Device) object caffe2/CMakeFiles/caffe2_gpu.dir/sgd/caffe2_gpu_generated_yellowfin_op_gpu.cu.o Scanning dependencies of target caffe2_gpu [ 81%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/ATen/cuda/CUDAGenerator.cpp.o [ 81%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/ATen/native/cudnn/GridSampler.cpp.o [ 81%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/ATen/native/cudnn/AffineGridGenerator.cpp.o [ 81%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/ATen/native/cudnn/BatchNorm.cpp.o [ 81%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/ATen/native/cudnn/Conv.cpp.o [ 81%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/ATen/native/cudnn/LossCTC.cpp.o [ 81%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/ATen/native/cudnn/RNN.cpp.o [ 81%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/ATen/cuda/detail/CUDAHooks.cpp.o [ 81%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/ATen/cuda/CUDAStream.cpp.o [ 82%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/ATen/cuda/CUDAContext.cpp.o [ 82%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/ATen/native/sparse/cuda/SparseCUDATensor.cpp.o [ 82%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/ATen/cuda/PinnedMemoryAllocator.cpp.o [ 82%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/ATen/native/cuda/CUDAReduceOps.cpp.o [ 82%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/ATen/native/cuda/CUDAUnaryOps.cpp.o [ 82%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/ATen/CUDAByteType.cpp.o [ 82%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/ATen/CUDACharType.cpp.o [ 82%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/ATen/CUDACopy.cpp.o [ 82%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/ATen/CUDADoubleType.cpp.o [ 82%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/ATen/CUDAFloatType.cpp.o [ 82%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/ATen/CUDAHalfType.cpp.o [ 82%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/ATen/CUDAIntType.cpp.o [ 82%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/ATen/CUDALongType.cpp.o [ 83%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/ATen/CUDAShortType.cpp.o [ 83%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/ATen/RegisterCUDA.cpp.o [ 83%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/ATen/SparseCUDAByteType.cpp.o [ 83%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/ATen/SparseCUDACharType.cpp.o [ 83%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/ATen/SparseCUDADoubleType.cpp.o [ 83%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/ATen/SparseCUDAFloatType.cpp.o [ 83%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/ATen/SparseCUDAIntType.cpp.o [ 83%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/ATen/SparseCUDALongType.cpp.o [ 83%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/ATen/SparseCUDAShortType.cpp.o [ 83%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THC/THCCachingAllocator.cpp.o [ 83%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THC/THCGeneral.cpp.o [ 83%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THC/THCCachingHostAllocator.cpp.o [ 83%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THC/THCStorageCopy.cpp.o [ 83%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THC/THCStream.cpp.o [ 83%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THC/THCTensor.cpp.o [ 84%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THC/THCTensorCopy.cpp.o [ 84%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THC/THCTensorRandom.cpp.o [ 84%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THC/THCThreadLocal.cpp.o [ 84%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/ATen/cudnn/Descriptors.cpp.o [ 84%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/ATen/cudnn/Handles.cpp.o [ 84%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/ATen/cudnn/Types.cpp.o [ 84%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/contrib/aten/aten_op_cuda.cc.o [ 84%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/contrib/gloo/allreduce_ops_gpu.cc.o [ 84%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/contrib/gloo/broadcast_ops_gpu.cc.o [ 84%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/contrib/gloo/common_world_ops_gpu.cc.o [ 84%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/contrib/nccl/cuda_nccl_gpu.cc.o [ 84%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/contrib/nccl/cuda_nccl_op_gpu.cc.o [ 84%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/core/common_cudnn.cc.o [ 84%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/core/blob_serialization_gpu.cc.o [ 84%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/core/common_gpu.cc.o [ 85%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/core/event_gpu.cc.o [ 85%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/core/net_async_dag_gpu.cc.o [ 85%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/core/net_async_gpu_thread_pool_gpu.cc.o [ 85%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/core/operator_gpu.cc.o [ 85%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/db/create_db_op_gpu.cc.o [ 85%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/distributed/file_store_handler_op_gpu.cc.o [ 85%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/image/image_input_op_gpu.cc.o [ 85%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/operators/conv_op_cache_cudnn.cc.o [ 85%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/operators/conv_op_cudnn.cc.o [ 85%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/operators/conv_transpose_op_cudnn.cc.o [ 85%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/operators/dropout_op_cudnn.cc.o [ 85%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/operators/elu_op_cudnn.cc.o [ 85%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/operators/local_response_normalization_op_cudnn.cc.o /root/pytorch/caffe2/operators/conv_op_cudnn.cc: In instantiation of ‘bool caffe2::CudnnConvOp::DoRunWithType() [with T_X = float; T_W = float; T_B = float; T_Y = float]’: /root/pytorch/caffe2/operators/conv_op_cudnn.cc:839:16: required from here /root/pytorch/caffe2/operators/conv_op_cudnn.cc:527:7: warning: variable ‘group_offset_X’ set but not used [-Wunused-but-set-variable] int group_offset_X = 0, group_offset_Y = 0; ^~~~~~~~~~~~~~ /root/pytorch/caffe2/operators/conv_op_cudnn.cc:527:27: warning: variable ‘group_offset_Y’ set but not used [-Wunused-but-set-variable] int group_offset_X = 0, group_offset_Y = 0; ^~~~~~~~~~~~~~ /root/pytorch/caffe2/operators/conv_op_cudnn.cc: In instantiation of ‘bool caffe2::CudnnConvOp::DoRunWithType() [with T_X = caffe2::__f16; T_W = caffe2::__f16; T_B = caffe2::__f16; T_Y = caffe2::__f16]’: /root/pytorch/caffe2/operators/conv_op_cudnn.cc:845:18: required from here /root/pytorch/caffe2/operators/conv_op_cudnn.cc:527:7: warning: variable ‘group_offset_X’ set but not used [-Wunused-but-set-variable] int group_offset_X = 0, group_offset_Y = 0; ^~~~~~~~~~~~~~ /root/pytorch/caffe2/operators/conv_op_cudnn.cc:527:27: warning: variable ‘group_offset_Y’ set but not used [-Wunused-but-set-variable] int group_offset_X = 0, group_offset_Y = 0; ^~~~~~~~~~~~~~ /root/pytorch/caffe2/operators/conv_op_cudnn.cc: In instantiation of ‘bool caffe2::CudnnConvGradientOp::DoRunWithType() [with T_X = float; T_DY = float; T_W = float; T_B = float; T_DX = float; T_DW = float; T_DB = float]’: /root/pytorch/caffe2/operators/conv_op_cudnn.cc:1357:16: required from here /root/pytorch/caffe2/operators/conv_op_cudnn.cc:873:7: warning: variable ‘group_offset_X’ set but not used [-Wunused-but-set-variable] int group_offset_X = 0, group_offset_Y = 0; ^~~~~~~~~~~~~~ /root/pytorch/caffe2/operators/conv_op_cudnn.cc:873:27: warning: variable ‘group_offset_Y’ set but not used [-Wunused-but-set-variable] int group_offset_X = 0, group_offset_Y = 0; ^~~~~~~~~~~~~~ /root/pytorch/caffe2/operators/conv_op_cudnn.cc: In instantiation of ‘bool caffe2::CudnnConvGradientOp::DoRunWithType() [with T_X = caffe2::__f16; T_DY = caffe2::__f16; T_W = caffe2::__f16; T_B = caffe2::__f16; T_DX = caffe2::__f16; T_DW = caffe2::__f16; T_DB = caffe2::__f16]’: /root/pytorch/caffe2/operators/conv_op_cudnn.cc:1366:18: required from here /root/pytorch/caffe2/operators/conv_op_cudnn.cc:873:7: warning: variable ‘group_offset_X’ set but not used [-Wunused-but-set-variable] int group_offset_X = 0, group_offset_Y = 0; ^~~~~~~~~~~~~~ /root/pytorch/caffe2/operators/conv_op_cudnn.cc:873:27: warning: variable ‘group_offset_Y’ set but not used [-Wunused-but-set-variable] int group_offset_X = 0, group_offset_Y = 0; ^~~~~~~~~~~~~~ [ 85%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/operators/relu_op_cudnn.cc.o [ 85%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/operators/sigmoid_op_cudnn.cc.o [ 85%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/operators/softmax_op_cudnn.cc.o [ 86%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/operators/spatial_batch_norm_op_cudnn.cc.o [ 86%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/operators/tanh_op_cudnn.cc.o [ 86%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/operators/transpose_op_cudnn.cc.o [ 86%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/operators/communicator_op_gpu.cc.o [ 86%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/operators/concat_split_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/conv_op_shared_gpu.cc.o [ 86%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/operators/conv_transpose_op_gpu.cc.o [ 86%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/operators/counter_ops_gpu.cc.o cc1plus: warning: unrecognized command line option ‘-Wno-stringop-overflow’ [ 86%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/operators/do_op_gpu.cc.o [ 86%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/operators/elementwise_add_op_gpu.cc.o [ 86%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/operators/elementwise_sub_op_gpu.cc.o [ 86%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/operators/exp_op_gpu.cc.o [ 86%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/operators/expand_op_gpu.cc.o [ 86%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/operators/expand_squeeze_dims_op_gpu.cc.o [ 87%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/operators/free_op_gpu.cc.o [ 87%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/operators/fully_connected_op_gpu.cc.o [ 87%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/operators/if_op_gpu.cc.o [ 87%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/operators/im2col_op_gpu.cc.o [ 87%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/operators/lengths_tile_op_gpu.cc.o [ 87%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/operators/load_save_op_gpu.cc.o [ 87%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/operators/locally_connected_op_gpu.cc.o [ 87%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/operators/log_op_gpu.cc.o [ 87%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/operators/matmul_op_gpu.cc.o [ 87%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/operators/negate_gradient_op_gpu.cc.o [ 87%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/operators/negative_op_gpu.cc.o [ 87%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/operators/prepend_dim_op_gpu.cc.o [ 87%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/operators/reshape_op_gpu.cc.o [ 87%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/operators/scale_op_gpu.cc.o [ 87%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/operators/shape_op_gpu.cc.o [ 88%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/operators/sqr_op_gpu.cc.o [ 88%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/operators/sqrt_op_gpu.cc.o [ 88%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/operators/stop_gradient_gpu.cc.o [ 88%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/operators/tensor_protos_db_input_gpu.cc.o [ 88%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/operators/while_op_gpu.cc.o [ 88%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/operators/zero_gradient_op_gpu.cc.o [ 88%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/operators/rnn/recurrent_op_cudnn.cc.o [ 88%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/operators/rnn/recurrent_network_blob_fetcher_op_gpu.cc.o [ 88%] Building CXX object caffe2/CMakeFiles/caffe2_gpu.dir/operators/rnn/recurrent_network_executor_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 [ 88%] Linking CXX shared library ../lib/libcaffe2_gpu.so [ 88%] Built target caffe2_gpu Scanning dependencies of target dlconvertor_test Scanning dependencies of target atest Scanning dependencies of target scalar_test Scanning dependencies of target test_parallel Scanning dependencies of target basic Scanning dependencies of target apply_utils_test Scanning dependencies of target weakref_test Scanning dependencies of target cuda_rng_test Scanning dependencies of target broadcast_test Scanning dependencies of target half_test Scanning dependencies of target wrapdim_test Scanning dependencies of target caffe2_pybind11_state_gpu [ 88%] Building CXX object caffe2/CMakeFiles/test_parallel.dir/__/aten/src/ATen/test/test_parallel.cpp.o [ 88%] Building CXX object caffe2/CMakeFiles/weakref_test.dir/__/aten/src/ATen/test/weakref_test.cpp.o [ 88%] Building CXX object caffe2/CMakeFiles/scalar_test.dir/__/aten/src/ATen/test/scalar_test.cpp.o [ 88%] Building CXX object caffe2/CMakeFiles/caffe2_pybind11_state_gpu.dir/python/pybind_state.cc.o [ 88%] Building CXX object caffe2/CMakeFiles/half_test.dir/__/aten/src/ATen/test/half_test.cpp.o [ 88%] Building CXX object caffe2/CMakeFiles/wrapdim_test.dir/__/aten/src/ATen/test/wrapdim_test.cpp.o [ 88%] Building CXX object caffe2/CMakeFiles/dlconvertor_test.dir/__/aten/src/ATen/test/dlconvertor_test.cpp.o [ 88%] Building CXX object caffe2/CMakeFiles/basic.dir/__/aten/src/ATen/test/basic.cpp.o [ 88%] Building CXX object caffe2/CMakeFiles/atest.dir/__/aten/src/ATen/test/atest.cpp.o [ 88%] Building CXX object caffe2/CMakeFiles/apply_utils_test.dir/__/aten/src/ATen/test/apply_utils_test.cpp.o [ 89%] Building CXX object caffe2/CMakeFiles/broadcast_test.dir/__/aten/src/ATen/test/broadcast_test.cpp.o [ 89%] Building CXX object caffe2/CMakeFiles/cuda_rng_test.dir/__/aten/src/ATen/test/cuda_rng_test.cpp.o [ 89%] Linking CXX executable ../bin/cuda_rng_test [ 90%] Linking CXX executable ../bin/wrapdim_test [ 90%] Linking CXX executable ../bin/test_parallel [ 90%] Linking CXX executable ../bin/weakref_test [ 90%] Linking CXX executable ../bin/dlconvertor_test [ 91%] Linking CXX executable ../bin/half_test [ 91%] Linking CXX executable ../bin/scalar_test [ 91%] Built target cuda_rng_test [ 91%] Building CXX object caffe2/CMakeFiles/caffe2_pybind11_state_gpu.dir/python/pybind_state_dlpack.cc.o [ 91%] Linking CXX executable ../bin/atest [ 91%] Linking CXX executable ../bin/broadcast_test [ 91%] Built target wrapdim_test Scanning dependencies of target scalar_tensor_test [ 91%] Building CXX object caffe2/CMakeFiles/scalar_tensor_test.dir/__/aten/src/ATen/test/scalar_tensor_test.cpp.o [ 91%] Built target test_parallel Scanning dependencies of target undefined_tensor_test [ 91%] Built target weakref_test Scanning dependencies of target verify_api_visibility [ 91%] Building CXX object caffe2/CMakeFiles/undefined_tensor_test.dir/__/aten/src/ATen/test/undefined_tensor_test.cpp.o [ 91%] Building CXX object caffe2/CMakeFiles/verify_api_visibility.dir/__/aten/src/ATen/test/verify_api_visibility.cpp.o [ 91%] Built target dlconvertor_test [ 91%] Built target half_test Scanning dependencies of target tbb_init_test Scanning dependencies of target cudnn_test [ 91%] Building CXX object caffe2/CMakeFiles/tbb_init_test.dir/__/aten/src/ATen/test/tbb_init_test.cpp.o [ 91%] Built target scalar_test [ 91%] Building CXX object caffe2/CMakeFiles/cudnn_test.dir/__/aten/src/ATen/test/cudnn_test.cpp.o Scanning dependencies of target native_test [ 91%] Building CXX object caffe2/CMakeFiles/native_test.dir/__/aten/src/ATen/test/native_test.cpp.o [ 91%] Built target broadcast_test [ 91%] Building NVCC (Device) object caffe2/CMakeFiles/integer_divider_test.dir/__/aten/src/ATen/test/integer_divider_test_generated_integer_divider_test.cu.o [ 91%] Built target atest [ 91%] Building CXX object caffe2/CMakeFiles/caffe2_pybind11_state_gpu.dir/python/pybind_state_gpu.cc.o [ 91%] Linking CXX executable ../bin/apply_utils_test [ 91%] Built target apply_utils_test Scanning dependencies of target apply_test [ 91%] Linking CXX executable ../bin/verify_api_visibility [ 91%] Building CXX object caffe2/CMakeFiles/apply_test.dir/__/aten/src/ATen/test/apply_test.cpp.o [ 91%] Linking CXX executable ../bin/basic [ 92%] Linking CXX executable ../bin/tbb_init_test Scanning dependencies of target stream_test [ 92%] Building CXX object caffe2/CMakeFiles/stream_test.dir/__/aten/src/ATen/test/stream_test.cpp.o [ 92%] Built target verify_api_visibility [ 92%] Generating ../../../torch/csrc/nn/THNN.cpp, ../../../torch/csrc/nn/THCUNN.cpp, ../../../torch/csrc/autograd/generated/VariableType.h, ../../../torch/csrc/autograd/generated/VariableType.cpp, ../../../torch/csrc/autograd/generated/Functions.h, ../../../torch/csrc/autograd/generated/Functions.cpp, ../../../torch/csrc/autograd/generated/python_functions.h, ../../../torch/csrc/autograd/generated/python_functions.cpp, ../../../torch/csrc/autograd/generated/python_variable_methods.cpp, ../../../torch/csrc/autograd/generated/python_variable_methods_dispatch.h, ../../../torch/csrc/autograd/generated/python_torch_functions.cpp, ../../../torch/csrc/autograd/generated/python_torch_functions_dispatch.h, ../../../torch/csrc/autograd/generated/python_nn_functions.cpp, ../../../torch/csrc/autograd/generated/python_nn_functions.h, ../../../torch/csrc/autograd/generated/python_nn_functions_dispatch.h, ../../../torch/csrc/autograd/generated/variable_factories.h, ../../../torch/csrc/jit/generated/register_aten_ops.cpp, ../../../torch/csrc/jit/generated/aten_interned_strings.h [ 92%] Built target basic [ 92%] Built target tbb_init_test [ 92%] Building NVCC (Device) object modules/detectron/CMakeFiles/caffe2_detectron_ops_gpu.dir/caffe2_detectron_ops_gpu_generated_batch_permutation_op.cu.o [ 92%] Building NVCC (Device) object modules/detectron/CMakeFiles/caffe2_detectron_ops_gpu.dir/caffe2_detectron_ops_gpu_generated_upsample_nearest_op.cu.o Writing torch/csrc/nn/THNN.cpp Writing torch/csrc/nn/THCUNN.cpp [ 92%] Building NVCC (Device) object modules/detectron/CMakeFiles/caffe2_detectron_ops_gpu.dir/caffe2_detectron_ops_gpu_generated_group_spatial_softmax_op.cu.o [ 92%] Building NVCC (Device) object modules/detectron/CMakeFiles/caffe2_detectron_ops_gpu.dir/caffe2_detectron_ops_gpu_generated_ps_roi_pool_op.cu.o [ 92%] Building NVCC (Device) object modules/detectron/CMakeFiles/caffe2_detectron_ops_gpu.dir/caffe2_detectron_ops_gpu_generated_roi_pool_f_op.cu.o Writing torch/csrc/autograd/generated/VariableType.h Writing torch/csrc/autograd/generated/VariableType.cpp Writing torch/csrc/autograd/generated/Functions.h Writing torch/csrc/autograd/generated/Functions.cpp Writing torch/csrc/autograd/generated/python_functions.h Writing torch/csrc/autograd/generated/python_functions.cpp [ 92%] Linking CXX shared module python/caffe2_pybind11_state_gpu.cpython-37m-x86_64-linux-gnu.so Writing torch/csrc/autograd/generated/python_variable_methods.cpp Writing torch/csrc/autograd/generated/python_variable_methods_dispatch.h Writing torch/csrc/autograd/generated/python_torch_functions.cpp Writing torch/csrc/autograd/generated/python_torch_functions_dispatch.h Writing torch/csrc/autograd/generated/python_nn_functions.cpp Writing torch/csrc/autograd/generated/python_nn_functions.h Writing torch/csrc/autograd/generated/python_nn_functions_dispatch.h Writing torch/csrc/autograd/generated/variable_factories.h [ 92%] Built target caffe2_pybind11_state_gpu [ 92%] Building NVCC (Device) object modules/detectron/CMakeFiles/caffe2_detectron_ops_gpu.dir/caffe2_detectron_ops_gpu_generated_sample_as_op.cu.o [ 92%] Linking CXX executable ../bin/undefined_tensor_test [ 92%] Linking CXX executable ../bin/cudnn_test [ 92%] Linking CXX executable ../bin/scalar_tensor_test [ 92%] Built target undefined_tensor_test [ 92%] Building NVCC (Device) object modules/detectron/CMakeFiles/caffe2_detectron_ops_gpu.dir/caffe2_detectron_ops_gpu_generated_select_smooth_l1_loss_op.cu.o [ 92%] Built target cudnn_test [ 92%] Building NVCC (Device) object modules/detectron/CMakeFiles/caffe2_detectron_ops_gpu.dir/caffe2_detectron_ops_gpu_generated_sigmoid_cross_entropy_loss_op.cu.o [ 92%] Built target scalar_tensor_test [ 93%] Building NVCC (Device) object modules/detectron/CMakeFiles/caffe2_detectron_ops_gpu.dir/caffe2_detectron_ops_gpu_generated_sigmoid_focal_loss_op.cu.o [ 93%] Linking CXX executable ../bin/apply_test [ 93%] Linking CXX executable ../bin/stream_test [ 93%] Linking CXX executable ../bin/native_test [ 93%] Built target apply_test [ 93%] Building NVCC (Device) object modules/detectron/CMakeFiles/caffe2_detectron_ops_gpu.dir/caffe2_detectron_ops_gpu_generated_smooth_l1_loss_op.cu.o [ 93%] Built target stream_test [ 93%] Building NVCC (Device) object modules/detectron/CMakeFiles/caffe2_detectron_ops_gpu.dir/caffe2_detectron_ops_gpu_generated_softmax_focal_loss_op.cu.o [ 93%] Built target native_test [ 93%] Building NVCC (Device) object modules/detectron/CMakeFiles/caffe2_detectron_ops_gpu.dir/caffe2_detectron_ops_gpu_generated_spatial_narrow_as_op.cu.o Writing torch/csrc/jit/generated/register_aten_ops.cpp Writing torch/csrc/jit/generated/aten_interned_strings.h Scanning dependencies of target torch [ 93%] Building CXX object caffe2/torch/CMakeFiles/torch.dir/csrc/autograd/anomaly_mode.cpp.o [ 93%] Building CXX object caffe2/torch/CMakeFiles/torch.dir/csrc/autograd/engine.cpp.o [ 93%] Building CXX object caffe2/torch/CMakeFiles/torch.dir/csrc/autograd/function.cpp.o Scanning dependencies of target integer_divider_test [ 93%] Linking CXX executable ../bin/integer_divider_test [ 93%] Built target integer_divider_test [ 93%] Building CXX object caffe2/torch/CMakeFiles/torch.dir/csrc/autograd/functions/accumulate_grad.cpp.o [ 93%] Building CXX object caffe2/torch/CMakeFiles/torch.dir/csrc/autograd/functions/basic_ops.cpp.o [ 93%] Building CXX object caffe2/torch/CMakeFiles/torch.dir/csrc/autograd/functions/comm.cpp.o [ 94%] Building CXX object caffe2/torch/CMakeFiles/torch.dir/csrc/autograd/functions/tensor.cpp.o [ 94%] Building CXX object caffe2/torch/CMakeFiles/torch.dir/csrc/autograd/functions/utils.cpp.o [ 94%] Building CXX object caffe2/torch/CMakeFiles/torch.dir/csrc/autograd/generated/Functions.cpp.o [ 94%] Building CXX object caffe2/torch/CMakeFiles/torch.dir/csrc/autograd/generated/VariableType.cpp.o [ 94%] Building CXX object caffe2/torch/CMakeFiles/torch.dir/csrc/autograd/grad_mode.cpp.o [ 94%] Building CXX object caffe2/torch/CMakeFiles/torch.dir/csrc/autograd/input_buffer.cpp.o [ 94%] Building CXX object caffe2/torch/CMakeFiles/torch.dir/csrc/autograd/profiler.cpp.o [ 94%] Building CXX object caffe2/torch/CMakeFiles/torch.dir/csrc/autograd/saved_variable.cpp.o [ 94%] Building CXX object caffe2/torch/CMakeFiles/torch.dir/csrc/autograd/variable.cpp.o [ 94%] Building CXX object caffe2/torch/CMakeFiles/torch.dir/csrc/cuda/comm.cpp.o [ 94%] Building CXX object caffe2/torch/CMakeFiles/torch.dir/csrc/jit/autodiff.cpp.o [ 94%] Building CXX object caffe2/torch/CMakeFiles/torch.dir/csrc/jit/export.cpp.o [ 94%] Building CXX object caffe2/torch/CMakeFiles/torch.dir/csrc/jit/fusion_compiler.cpp.o [ 94%] Building CXX object caffe2/torch/CMakeFiles/torch.dir/csrc/jit/generated/register_aten_ops.cpp.o [ 94%] Building CXX object caffe2/torch/CMakeFiles/torch.dir/csrc/jit/graph_executor.cpp.o [ 95%] Building CXX object caffe2/torch/CMakeFiles/torch.dir/csrc/jit/import.cpp.o [ 95%] Building CXX object caffe2/torch/CMakeFiles/torch.dir/csrc/jit/interned_strings.cpp.o Scanning dependencies of target caffe2_detectron_ops_gpu [ 95%] Building CXX object modules/detectron/CMakeFiles/caffe2_detectron_ops_gpu.dir/batch_permutation_op.cc.o [ 95%] Building CXX object caffe2/torch/CMakeFiles/torch.dir/csrc/jit/interpreter.cpp.o [ 95%] Building CXX object caffe2/torch/CMakeFiles/torch.dir/csrc/jit/constants.cpp.o [ 95%] Building CXX object caffe2/torch/CMakeFiles/torch.dir/csrc/jit/ir.cpp.o [ 95%] Building CXX object caffe2/torch/CMakeFiles/torch.dir/csrc/jit/ivalue.cpp.o [ 95%] Building CXX object caffe2/torch/CMakeFiles/torch.dir/csrc/jit/operator.cpp.o [ 95%] Building CXX object modules/detectron/CMakeFiles/caffe2_detectron_ops_gpu.dir/group_spatial_softmax_op.cc.o [ 95%] Building CXX object caffe2/torch/CMakeFiles/torch.dir/csrc/jit/passes/batch_mm.cpp.o [ 95%] Building CXX object caffe2/torch/CMakeFiles/torch.dir/csrc/jit/passes/canonicalize.cpp.o [ 95%] Building CXX object caffe2/torch/CMakeFiles/torch.dir/csrc/jit/passes/constant_propagation.cpp.o [ 95%] Building CXX object caffe2/torch/CMakeFiles/torch.dir/csrc/jit/passes/common_subexpression_elimination.cpp.o [ 95%] Building CXX object caffe2/torch/CMakeFiles/torch.dir/csrc/jit/passes/create_autodiff_subgraphs.cpp.o [ 95%] Building CXX object caffe2/torch/CMakeFiles/torch.dir/csrc/jit/passes/dead_code_elimination.cpp.o [ 95%] Building CXX object caffe2/torch/CMakeFiles/torch.dir/csrc/jit/passes/decompose_addmm.cpp.o [ 95%] Building CXX object caffe2/torch/CMakeFiles/torch.dir/csrc/jit/passes/erase_number_types.cpp.o [ 95%] Building CXX object caffe2/torch/CMakeFiles/torch.dir/csrc/jit/passes/graph_fuser.cpp.o [ 96%] Building CXX object caffe2/torch/CMakeFiles/torch.dir/csrc/jit/passes/inplace_check.cpp.o [ 96%] Building CXX object modules/detectron/CMakeFiles/caffe2_detectron_ops_gpu.dir/ps_roi_pool_op.cc.o [ 96%] Building CXX object modules/detectron/CMakeFiles/caffe2_detectron_ops_gpu.dir/roi_pool_f_op.cc.o [ 96%] Building CXX object modules/detectron/CMakeFiles/caffe2_detectron_ops_gpu.dir/sample_as_op.cc.o [ 96%] Building CXX object caffe2/torch/CMakeFiles/torch.dir/csrc/jit/passes/loop_unrolling.cpp.o [ 96%] Building CXX object caffe2/torch/CMakeFiles/torch.dir/csrc/jit/passes/lower_grad_of.cpp.o [ 96%] Building CXX object caffe2/torch/CMakeFiles/torch.dir/csrc/jit/passes/lower_tuples.cpp.o [ 96%] Building CXX object modules/detectron/CMakeFiles/caffe2_detectron_ops_gpu.dir/select_smooth_l1_loss_op.cc.o [ 96%] Building CXX object caffe2/torch/CMakeFiles/torch.dir/csrc/jit/passes/peephole.cpp.o [ 96%] Building CXX object caffe2/torch/CMakeFiles/torch.dir/csrc/jit/passes/remove_expands.cpp.o [ 96%] Building CXX object caffe2/torch/CMakeFiles/torch.dir/csrc/jit/passes/shape_analysis.cpp.o [ 96%] Building CXX object modules/detectron/CMakeFiles/caffe2_detectron_ops_gpu.dir/sigmoid_cross_entropy_loss_op.cc.o [ 96%] Building CXX object caffe2/torch/CMakeFiles/torch.dir/csrc/jit/passes/specialize_undef.cpp.o [ 96%] Building CXX object modules/detectron/CMakeFiles/caffe2_detectron_ops_gpu.dir/sigmoid_focal_loss_op.cc.o [ 96%] Building CXX object caffe2/torch/CMakeFiles/torch.dir/csrc/jit/register_prim_ops.cpp.o [ 96%] Building CXX object caffe2/torch/CMakeFiles/torch.dir/csrc/jit/register_symbols.cpp.o [ 96%] Building CXX object caffe2/torch/CMakeFiles/torch.dir/csrc/jit/script/compiler.cpp.o [ 96%] Building CXX object modules/detectron/CMakeFiles/caffe2_detectron_ops_gpu.dir/smooth_l1_loss_op.cc.o [ 96%] Building CXX object caffe2/torch/CMakeFiles/torch.dir/csrc/jit/script/lexer.cpp.o [ 96%] Building CXX object modules/detectron/CMakeFiles/caffe2_detectron_ops_gpu.dir/softmax_focal_loss_op.cc.o [ 96%] Building CXX object caffe2/torch/CMakeFiles/torch.dir/csrc/jit/script/module.cpp.o [ 96%] Building CXX object caffe2/torch/CMakeFiles/torch.dir/csrc/jit/test_jit.cpp.o [ 96%] Building CXX object modules/detectron/CMakeFiles/caffe2_detectron_ops_gpu.dir/spatial_narrow_as_op.cc.o [ 97%] Building CXX object modules/detectron/CMakeFiles/caffe2_detectron_ops_gpu.dir/upsample_nearest_op.cc.o [ 97%] Building CXX object caffe2/torch/CMakeFiles/torch.dir/csrc/jit/tracer.cpp.o [ 98%] Building CXX object caffe2/torch/CMakeFiles/torch.dir/csrc/jit/type.cpp.o [ 98%] Building CXX object caffe2/torch/CMakeFiles/torch.dir/csrc/torch.cpp.o [ 98%] Building CXX object caffe2/torch/CMakeFiles/torch.dir/csrc/utils/tensor_flatten.cpp.o [ 98%] Building CXX object caffe2/torch/CMakeFiles/torch.dir/csrc/utils/variadic.cpp.o [ 98%] Building CXX object caffe2/torch/CMakeFiles/torch.dir/csrc/api/src/utils.cpp.o [ 98%] Building CXX object caffe2/torch/CMakeFiles/torch.dir/csrc/api/src/cuda.cpp.o [ 98%] Building CXX object caffe2/torch/CMakeFiles/torch.dir/csrc/api/src/nn/cursor.cpp.o [ 98%] Building CXX object caffe2/torch/CMakeFiles/torch.dir/csrc/api/src/nn/init.cpp.o [ 98%] Building CXX object caffe2/torch/CMakeFiles/torch.dir/csrc/api/src/nn/module.cpp.o [ 98%] Building CXX object caffe2/torch/CMakeFiles/torch.dir/csrc/api/src/nn/modules/batchnorm.cpp.o [ 98%] Building CXX object caffe2/torch/CMakeFiles/torch.dir/csrc/api/src/nn/modules/conv.cpp.o [ 98%] Linking CXX shared library ../../lib/libcaffe2_detectron_ops_gpu.so [ 98%] Building CXX object caffe2/torch/CMakeFiles/torch.dir/csrc/api/src/nn/modules/dropout.cpp.o [ 98%] Built target caffe2_detectron_ops_gpu [ 98%] Building CXX object caffe2/torch/CMakeFiles/torch.dir/csrc/api/src/nn/modules/embedding.cpp.o [ 98%] Building CXX object caffe2/torch/CMakeFiles/torch.dir/csrc/api/src/nn/modules/functional.cpp.o [ 98%] Building CXX object caffe2/torch/CMakeFiles/torch.dir/csrc/api/src/nn/modules/linear.cpp.o [ 99%] Building CXX object caffe2/torch/CMakeFiles/torch.dir/csrc/api/src/nn/modules/rnn.cpp.o [ 99%] Building CXX object caffe2/torch/CMakeFiles/torch.dir/csrc/api/src/optim/optimizer.cpp.o [ 99%] Building CXX object caffe2/torch/CMakeFiles/torch.dir/csrc/api/src/optim/adam.cpp.o [ 99%] Building CXX object caffe2/torch/CMakeFiles/torch.dir/csrc/api/src/optim/adagrad.cpp.o [ 99%] Building CXX object caffe2/torch/CMakeFiles/torch.dir/csrc/api/src/optim/lbfgs.cpp.o [ 99%] Building CXX object caffe2/torch/CMakeFiles/torch.dir/csrc/api/src/optim/rmsprop.cpp.o [ 99%] Building CXX object caffe2/torch/CMakeFiles/torch.dir/csrc/api/src/optim/sgd.cpp.o [ 99%] Linking CXX shared library ../../lib/libtorch.so [ 99%] Built target torch Scanning dependencies of target test_jit Scanning dependencies of target test_api [ 99%] Building CXX object caffe2/torch/CMakeFiles/test_jit.dir/csrc/jit/test_jit.cpp.o [ 99%] Building CXX object caffe2/torch/CMakeFiles/test_api.dir/__/test/cpp/api/cursor.cpp.o [ 99%] Building CXX object caffe2/torch/CMakeFiles/test_api.dir/__/test/cpp/api/integration.cpp.o [ 99%] Building CXX object caffe2/torch/CMakeFiles/test_api.dir/__/test/cpp/api/any.cpp.o [ 99%] Building CXX object caffe2/torch/CMakeFiles/test_api.dir/__/test/cpp/api/misc.cpp.o [ 99%] Building CXX object caffe2/torch/CMakeFiles/test_api.dir/__/test/cpp/api/modules.cpp.o [ 99%] Building CXX object caffe2/torch/CMakeFiles/test_api.dir/__/test/cpp/api/sequential.cpp.o [ 99%] Building CXX object caffe2/torch/CMakeFiles/test_api.dir/__/test/cpp/api/module.cpp.o [ 99%] Building CXX object caffe2/torch/CMakeFiles/test_api.dir/__/test/cpp/api/main.cpp.o [ 99%] Building CXX object caffe2/torch/CMakeFiles/test_api.dir/__/test/cpp/api/parallel.cpp.o [ 99%] Building CXX object caffe2/torch/CMakeFiles/test_api.dir/__/test/cpp/api/rnn.cpp.o [ 99%] Building CXX object caffe2/torch/CMakeFiles/test_api.dir/__/test/cpp/api/optim.cpp.o [ 99%] Building CXX object caffe2/torch/CMakeFiles/test_api.dir/__/test/cpp/api/serialization.cpp.o [ 99%] Building CXX object caffe2/torch/CMakeFiles/test_api.dir/__/test/cpp/api/static.cpp.o [ 99%] Building CXX object caffe2/torch/CMakeFiles/test_api.dir/__/test/cpp/api/tensor_cuda.cpp.o [100%] Building CXX object caffe2/torch/CMakeFiles/test_api.dir/__/test/cpp/api/tensor.cpp.o [100%] Building CXX object caffe2/torch/CMakeFiles/test_api.dir/__/test/cpp/api/tensor_options.cpp.o [100%] Building CXX object caffe2/torch/CMakeFiles/test_api.dir/__/test/cpp/api/tensor_options_cuda.cpp.o [100%] Linking CXX executable ../../bin/test_api [100%] Built target test_api [100%] Linking CXX executable ../../bin/test_jit [100%] Built target test_jit Install the project... -- Install configuration: "Release" -- Installing: /root/pytorch/torch/lib/tmp_install/share/cmake/Caffe2/Caffe2ConfigVersion.cmake -- Installing: /root/pytorch/torch/lib/tmp_install/share/cmake/Caffe2/Caffe2Config.cmake -- Installing: /root/pytorch/torch/lib/tmp_install/share/cmake/Caffe2/public/cuda.cmake -- Installing: /root/pytorch/torch/lib/tmp_install/share/cmake/Caffe2/public/glog.cmake -- Installing: /root/pytorch/torch/lib/tmp_install/share/cmake/Caffe2/public/gflags.cmake -- Installing: /root/pytorch/torch/lib/tmp_install/share/cmake/Caffe2/public/protobuf.cmake -- Installing: /root/pytorch/torch/lib/tmp_install/share/cmake/Caffe2/public/threads.cmake -- Installing: /root/pytorch/torch/lib/tmp_install/share/cmake/Caffe2/public/utils.cmake -- Installing: /root/pytorch/torch/lib/tmp_install/share/cmake/Caffe2//Modules_CUDA_fix -- Installing: /root/pytorch/torch/lib/tmp_install/share/cmake/Caffe2//Modules_CUDA_fix/upstream -- Installing: /root/pytorch/torch/lib/tmp_install/share/cmake/Caffe2//Modules_CUDA_fix/upstream/CMakeInitializeConfigs.cmake -- Installing: /root/pytorch/torch/lib/tmp_install/share/cmake/Caffe2//Modules_CUDA_fix/upstream/FindCUDA -- Installing: /root/pytorch/torch/lib/tmp_install/share/cmake/Caffe2//Modules_CUDA_fix/upstream/FindCUDA/parse_cubin.cmake -- Installing: /root/pytorch/torch/lib/tmp_install/share/cmake/Caffe2//Modules_CUDA_fix/upstream/FindCUDA/make2cmake.cmake -- Installing: /root/pytorch/torch/lib/tmp_install/share/cmake/Caffe2//Modules_CUDA_fix/upstream/FindCUDA/select_compute_arch.cmake -- Installing: /root/pytorch/torch/lib/tmp_install/share/cmake/Caffe2//Modules_CUDA_fix/upstream/FindCUDA/run_nvcc.cmake -- Installing: /root/pytorch/torch/lib/tmp_install/share/cmake/Caffe2//Modules_CUDA_fix/upstream/FindPackageMessage.cmake -- Installing: /root/pytorch/torch/lib/tmp_install/share/cmake/Caffe2//Modules_CUDA_fix/upstream/FindCUDA.cmake -- Installing: /root/pytorch/torch/lib/tmp_install/share/cmake/Caffe2//Modules_CUDA_fix/upstream/README.md -- Installing: /root/pytorch/torch/lib/tmp_install/share/cmake/Caffe2//Modules_CUDA_fix/upstream/FindPackageHandleStandardArgs.cmake -- Installing: /root/pytorch/torch/lib/tmp_install/share/cmake/Caffe2//Modules_CUDA_fix/FindCUDA.cmake -- Installing: /root/pytorch/torch/lib/tmp_install/share/cmake/Caffe2//Modules_CUDA_fix/README.md -- Installing: /root/pytorch/torch/lib/tmp_install/share/cmake/Caffe2/Caffe2Targets.cmake -- Installing: /root/pytorch/torch/lib/tmp_install/share/cmake/Caffe2/Caffe2Targets-release.cmake -- Installing: /root/pytorch/torch/lib/tmp_install/lib/libprotobuf-lite.a -- Installing: /root/pytorch/torch/lib/tmp_install/lib/libprotobuf.a -- Installing: /root/pytorch/torch/lib/tmp_install/lib/libprotoc.a -- Installing: /root/pytorch/torch/lib/tmp_install/bin/protoc -- Installing: /root/pytorch/torch/lib/tmp_install/lib/pkgconfig/protobuf.pc -- Installing: /root/pytorch/torch/lib/tmp_install/lib/pkgconfig/protobuf-lite.pc -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/any.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/any.pb.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/api.pb.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/arena.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/arena_impl.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/arenastring.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/compiler/code_generator.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/compiler/command_line_interface.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/compiler/cpp/cpp_generator.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/compiler/csharp/csharp_generator.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/compiler/csharp/csharp_names.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/compiler/importer.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/compiler/java/java_generator.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/compiler/java/java_names.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/compiler/javanano/javanano_generator.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/compiler/js/js_generator.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/compiler/js/well_known_types_embed.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/compiler/objectivec/objectivec_generator.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/compiler/objectivec/objectivec_helpers.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/compiler/parser.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/compiler/php/php_generator.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/compiler/plugin.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/compiler/plugin.pb.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/compiler/python/python_generator.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/compiler/ruby/ruby_generator.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/descriptor.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/descriptor.pb.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/descriptor_database.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/duration.pb.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/dynamic_message.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/empty.pb.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/extension_set.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/field_mask.pb.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/generated_enum_reflection.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/generated_enum_util.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/generated_message_reflection.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/generated_message_table_driven.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/generated_message_util.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/has_bits.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/io/coded_stream.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/io/gzip_stream.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/io/printer.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/io/strtod.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/io/tokenizer.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/io/zero_copy_stream.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/io/zero_copy_stream_impl.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/io/zero_copy_stream_impl_lite.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/map.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/map_entry.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/map_entry_lite.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/map_field.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/map_field_inl.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/map_field_lite.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/map_type_handler.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/message.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/message_lite.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/metadata.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/metadata_lite.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/reflection.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/reflection_ops.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/repeated_field.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/service.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/source_context.pb.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/struct.pb.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/stubs/atomic_sequence_num.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/stubs/atomicops.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/stubs/atomicops_internals_arm64_gcc.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/stubs/atomicops_internals_arm_gcc.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/stubs/atomicops_internals_arm_qnx.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/stubs/atomicops_internals_generic_c11_atomic.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/stubs/atomicops_internals_generic_gcc.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/stubs/atomicops_internals_mips_gcc.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/stubs/atomicops_internals_power.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/stubs/atomicops_internals_ppc_gcc.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/stubs/atomicops_internals_solaris.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/stubs/atomicops_internals_tsan.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/stubs/atomicops_internals_x86_gcc.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/stubs/atomicops_internals_x86_msvc.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/stubs/bytestream.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/stubs/callback.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/stubs/casts.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/stubs/common.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/stubs/fastmem.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/stubs/hash.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/stubs/logging.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/stubs/macros.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/stubs/mutex.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/stubs/once.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/stubs/platform_macros.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/stubs/port.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/stubs/scoped_ptr.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/stubs/shared_ptr.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/stubs/singleton.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/stubs/status.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/stubs/stl_util.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/stubs/stringpiece.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/stubs/template_util.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/stubs/type_traits.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/text_format.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/timestamp.pb.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/type.pb.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/unknown_field_set.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/util/delimited_message_util.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/util/field_comparator.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/util/field_mask_util.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/util/json_util.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/util/message_differencer.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/util/time_util.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/util/type_resolver.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/util/type_resolver_util.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/wire_format.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/wire_format_lite.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/wire_format_lite_inl.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/wrappers.pb.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/descriptor.proto -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/any.proto -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/api.proto -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/duration.proto -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/empty.proto -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/field_mask.proto -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/source_context.proto -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/struct.proto -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/timestamp.proto -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/type.proto -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/wrappers.proto -- Installing: /root/pytorch/torch/lib/tmp_install/include/google/protobuf/compiler/plugin.proto -- Installing: /root/pytorch/torch/lib/tmp_install/lib/cmake/protobuf/protobuf-targets.cmake -- Installing: /root/pytorch/torch/lib/tmp_install/lib/cmake/protobuf/protobuf-targets-release.cmake -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/cmake/protobuf -- Installing: /root/pytorch/torch/lib/tmp_install/lib/cmake/protobuf/protobuf-module.cmake -- Installing: /root/pytorch/torch/lib/tmp_install/lib/cmake/protobuf/protobuf-config-version.cmake -- Installing: /root/pytorch/torch/lib/tmp_install/lib/cmake/protobuf/protobuf-config.cmake -- Installing: /root/pytorch/torch/lib/tmp_install/lib/cmake/protobuf/protobuf-options.cmake -- Installing: /root/pytorch/torch/lib/tmp_install/lib/libnnpack.a -- Installing: /root/pytorch/torch/lib/tmp_install/include/nnpack.h -- Installing: /root/pytorch/torch/lib/tmp_install/lib/libcpuinfo.a -- Installing: /root/pytorch/torch/lib/tmp_install/include/cpuinfo.h -- Installing: /root/pytorch/torch/lib/tmp_install/lib/libclog.a -- Installing: /root/pytorch/torch/lib/tmp_install/include/clog.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/pthreadpool.h -- Installing: /root/pytorch/torch/lib/tmp_install/lib/libpthreadpool.a -- Installing: /root/pytorch/torch/lib/tmp_install/include/fxdiv.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/psimd.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/fp16.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/bitcasts.h -- Up-to-date: /root/pytorch/torch/lib/tmp_install/include/fp16.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/psimd.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/__init__.py -- Installing: /root/pytorch/torch/lib/tmp_install/include/avx.py -- Installing: /root/pytorch/torch/lib/tmp_install/include/avx2.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/libonnx.a -- Installing: /root/pytorch/torch/lib/tmp_install/lib/libonnx_proto.a -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/examples -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/examples/resources -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/optimizer -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/optimizer/optimize.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/optimizer/passes -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/optimizer/passes/extract_constant_to_initializer.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/optimizer/passes/eliminate_identity.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/optimizer/passes/lift_lexical_references.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/optimizer/passes/fuse_transpose_into_gemm.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/optimizer/passes/fuse_bn_into_conv.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/optimizer/passes/split.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/optimizer/passes/fuse_add_bias_into_conv.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/optimizer/passes/eliminate_nop_transpose.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/optimizer/passes/optimize_pass.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/optimizer/passes/fuse_consecutive_transposes.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/optimizer/passes/fuse_consecutive_squeezes.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/optimizer/passes/eliminate_unused_initializer.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/optimizer/passes/nop.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/onnx-operators_pb.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/string_utils.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/frontend -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/test -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/test/cpp -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/onnxifi_loader.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/onnx_pb.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/common -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/common/array_ref.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/common/stl_backports.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/common/model_helpers.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/common/ir_pb_converter.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/common/status.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/common/interned_strings.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/common/ir.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/common/tensor.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/common/constants.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/common/assertions.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/common/graph_node_list.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/tools -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/onnx_cpp2py_export -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/report -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/loader -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/simple -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/simple/test_single_relu_model -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/simple/test_single_relu_model/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/simple/test_expand_shape_model3 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/simple/test_expand_shape_model3/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/simple/test_expand_shape_model1 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/simple/test_expand_shape_model1/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/simple/test_expand_shape_model2 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/simple/test_expand_shape_model2/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/simple/test_expand_shape_model4 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/simple/test_expand_shape_model4/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_BatchNorm1d_3d_input_eval -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_BatchNorm1d_3d_input_eval/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_Linear -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_Linear/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_log_softmax_dim3 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_log_softmax_dim3/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_Conv2d -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_Conv2d/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_PReLU_2d -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_PReLU_2d/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_MaxPool3d -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_MaxPool3d/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_LogSoftmax -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_LogSoftmax/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_LeakyReLU -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_LeakyReLU/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_AvgPool3d_stride -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_AvgPool3d_stride/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_ConvTranspose2d_no_bias -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_ConvTranspose2d_no_bias/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_Conv1d_pad1size1 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_Conv1d_pad1size1/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_Conv3d_dilated_strided -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_Conv3d_dilated_strided/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_Conv2d_depthwise_strided -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_Conv2d_depthwise_strided/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_Conv2d_groups_thnn -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_Conv2d_groups_thnn/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_PReLU_3d -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_PReLU_3d/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_ReLU -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_ReLU/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_Conv2d_depthwise -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_Conv2d_depthwise/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_AvgPool1d -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_AvgPool1d/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_PReLU_1d_multiparam -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_PReLU_1d_multiparam/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_AvgPool2d_stride -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_AvgPool2d_stride/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_Conv1d_groups -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_Conv1d_groups/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_Conv2d_depthwise_padded -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_Conv2d_depthwise_padded/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_PReLU_2d_multiparam -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_PReLU_2d_multiparam/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_Sigmoid -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_Sigmoid/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_Softsign -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_Softsign/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_softmax_lastdim -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_softmax_lastdim/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_Conv3d_dilated -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_Conv3d_dilated/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_PReLU_3d_multiparam -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_PReLU_3d_multiparam/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_AvgPool3d -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_AvgPool3d/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_MaxPool3d_stride -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_MaxPool3d_stride/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_GLU -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_GLU/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_Conv3d_stride_padding -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_Conv3d_stride_padding/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_ZeroPad2d -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_ZeroPad2d/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_GLU_dim -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_GLU_dim/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_AvgPool2d -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_AvgPool2d/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_Conv1d_dilated -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_Conv1d_dilated/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_Softplus -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_Softplus/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_PixelShuffle -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_PixelShuffle/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_ConvTranspose2d -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_ConvTranspose2d/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_ReplicationPad2d -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_ReplicationPad2d/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_Conv3d_no_bias -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_Conv3d_no_bias/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_AvgPool1d_stride -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_AvgPool1d_stride/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_BatchNorm2d_eval -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_BatchNorm2d_eval/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_SELU -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_SELU/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_log_softmax_lastdim -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_log_softmax_lastdim/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_Conv2d_padding -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_Conv2d_padding/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_AvgPool3d_stride1_pad0_gpu_input -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_AvgPool3d_stride1_pad0_gpu_input/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_Conv1d -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_Conv1d/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_PReLU_1d -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_PReLU_1d/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_Conv1d_stride -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_Conv1d_stride/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_MaxPool1d_stride -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_MaxPool1d_stride/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_LeakyReLU_with_negval -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_LeakyReLU_with_negval/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_ConstantPad2d -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_ConstantPad2d/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_Conv2d_dilated -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_Conv2d_dilated/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_Conv1d_pad2size1 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_Conv1d_pad2size1/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_Tanh -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_Tanh/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_Conv3d_groups -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_Conv3d_groups/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_Linear_no_bias -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_Linear_no_bias/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_MaxPool1d -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_MaxPool1d/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_Embedding_sparse -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_Embedding_sparse/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_Softmax -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_Softmax/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_BatchNorm3d_momentum_eval -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_BatchNorm3d_momentum_eval/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_Conv1d_pad1 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_Conv1d_pad1/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_Conv2d_groups -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_Conv2d_groups/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_Embedding -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_Embedding/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_ELU -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_ELU/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_MaxPool2d -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_MaxPool2d/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_Conv2d_depthwise_with_multiplier -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_Conv2d_depthwise_with_multiplier/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_BatchNorm2d_momentum_eval -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_BatchNorm2d_momentum_eval/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_ReflectionPad2d -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_ReflectionPad2d/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_MaxPool3d_stride_padding -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_MaxPool3d_stride_padding/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_Conv3d_stride -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_Conv3d_stride/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_Conv2d_no_bias -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_Conv2d_no_bias/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_Conv3d -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_Conv3d/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_Softmin -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_Softmin/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_Conv1d_pad2 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_Conv1d_pad2/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_Conv2d_strided -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_Conv2d_strided/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_softmax_functional_dim3 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_softmax_functional_dim3/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_BatchNorm3d_eval -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_BatchNorm3d_eval/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_PoissonNLLLLoss_no_reduce -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-converted/test_PoissonNLLLLoss_no_reduce/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_split_equal_parts_2d -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_split_equal_parts_2d/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_log_sum_exp_do_not_keepdims_example -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_log_sum_exp_do_not_keepdims_example/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_logsoftmax_example_1 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_logsoftmax_example_1/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_less -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_less/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_l1_do_not_keepdims_example -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_l1_do_not_keepdims_example/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_split_equal_parts_default_axis -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_split_equal_parts_default_axis/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_split_variable_parts_1d -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_split_variable_parts_1d/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_clip_default_min -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_clip_default_min/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_add -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_add/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_split_variable_parts_2d -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_split_variable_parts_2d/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_maxpool_2d_precomputed_strides -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_maxpool_2d_precomputed_strides/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_prod_keepdims_example -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_prod_keepdims_example/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_log_sum -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_log_sum/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_equal -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_equal/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_max_keepdims_example -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_max_keepdims_example/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_cast_DOUBLE_to_FLOAT -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_cast_DOUBLE_to_FLOAT/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_tanh_example -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_tanh_example/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_and3d -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_and3d/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_cast_FLOAT_to_FLOAT16 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_cast_FLOAT_to_FLOAT16/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_mean_two_inputs -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_mean_two_inputs/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_prelu_broadcast -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_prelu_broadcast/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_sum_square_keepdims_random -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_sum_square_keepdims_random/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_sqrt_example -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_sqrt_example/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_tanh -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_tanh/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_slice -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_slice/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_logsoftmax_large_number -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_logsoftmax_large_number/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_sum_keepdims_example -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_sum_keepdims_example/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_or_bcast3v2d -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_or_bcast3v2d/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_prod_keepdims_random -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_prod_keepdims_random/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_transpose_all_permutations_1 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_transpose_all_permutations_1/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_convtranspose_1d -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_convtranspose_1d/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_l1_default_axes_keepdims_random -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_l1_default_axes_keepdims_random/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_averagepool_2d_pads_count_include_pad -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_averagepool_2d_pads_count_include_pad/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_basic_conv_without_padding -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_basic_conv_without_padding/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_conv_with_strides_padding -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_conv_with_strides_padding/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_l1_default_axes_keepdims_example -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_l1_default_axes_keepdims_example/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_l2_default_axes_keepdims_example -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_l2_default_axes_keepdims_example/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_globalmaxpool -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_globalmaxpool/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_flatten_axis1 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_flatten_axis1/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_clip_outbounds -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_clip_outbounds/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_concat_3d_axis_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_concat_3d_axis_0/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_xor2d -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_xor2d/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_and_bcast3v2d -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_and_bcast3v2d/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_l1_do_not_keepdims_random -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_l1_do_not_keepdims_random/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_min_do_not_keepdims_example -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_min_do_not_keepdims_example/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_lrn -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_lrn/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_argmax_default_axis_random -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_argmax_default_axis_random/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_selu_default -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_selu_default/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_averagepool_2d_same_lower -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_averagepool_2d_same_lower/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_sum_square_do_not_keepdims_random -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_sum_square_do_not_keepdims_random/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_cast_FLOAT16_to_DOUBLE -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_cast_FLOAT16_to_DOUBLE/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_mean_default_axes_keepdims_random -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_mean_default_axes_keepdims_random/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_convtranspose_pad -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_convtranspose_pad/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_max_do_not_keepdims_random -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_max_do_not_keepdims_random/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_convtranspose_pads -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_convtranspose_pads/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_gather_1 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_gather_1/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_softsign -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_softsign/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_leakyrelu_default -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_leakyrelu_default/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_abs -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_abs/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_log_sum_default -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_log_sum_default/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_rnn_seq_length -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_rnn_seq_length/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_maxpool_2d_pads -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_maxpool_2d_pads/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_convtranspose_kernel_shape -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_convtranspose_kernel_shape/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_globalmaxpool_precomputed -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_globalmaxpool_precomputed/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_less_bcast -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_less_bcast/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reshape_reduced_dims -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reshape_reduced_dims/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_max_default_axes_keepdim_example -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_max_default_axes_keepdim_example/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_l2_default_axes_keepdims_random -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_l2_default_axes_keepdims_random/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_constant_pad -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_constant_pad/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_floor_example -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_floor_example/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reflect_pad -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reflect_pad/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_argmax_no_keepdims_random -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_argmax_no_keepdims_random/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_gemm_broadcast -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_gemm_broadcast/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_log_sum_exp_default_axes_keepdims_random -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_log_sum_exp_default_axes_keepdims_random/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_logsoftmax_axis_1 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_logsoftmax_axis_1/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_dropout_default -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_dropout_default/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_pow_bcast_array -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_pow_bcast_array/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_maxpool_2d_precomputed_same_upper -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_maxpool_2d_precomputed_same_upper/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_prod_default_axes_keepdims_random -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_prod_default_axes_keepdims_random/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_hardsigmoid -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_hardsigmoid/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_floor -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_floor/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_flatten_axis0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_flatten_axis0/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_basic_conv_with_padding -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_basic_conv_with_padding/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_instancenorm_epsilon -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_instancenorm_epsilon/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_min_do_not_keepdims_random -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_min_do_not_keepdims_random/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_min_keepdims_example -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_min_keepdims_example/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_sum_default_axes_keepdims_example -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_sum_default_axes_keepdims_example/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_atan -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_atan/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_and_bcast4v2d -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_and_bcast4v2d/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_batchnorm_epsilon -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_batchnorm_epsilon/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_hardmax_axis_1 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_hardmax_axis_1/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_thresholdedrelu -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_thresholdedrelu/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_xor_bcast3v1d -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_xor_bcast3v1d/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_max_two_inputs -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_max_two_inputs/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_sum_two_inputs -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_sum_two_inputs/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_argmax_default_axis_example -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_argmax_default_axis_example/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_depthtospace -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_depthtospace/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_conv_with_strides_no_padding -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_conv_with_strides_no_padding/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reshape_reordered_dims -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reshape_reordered_dims/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_sum_square_default_axes_keepdims_random -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_sum_square_default_axes_keepdims_random/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_sub_example -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_sub_example/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_and_bcast3v1d -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_and_bcast3v1d/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_min_keepdims_random -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_min_keepdims_random/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_argmax_keepdims_example -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_argmax_keepdims_example/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_globalaveragepool -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_globalaveragepool/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_slice_default_axes -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_slice_default_axes/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_cast_FLOAT16_to_FLOAT -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_cast_FLOAT16_to_FLOAT/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_simple_rnn_with_initial_bias -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_simple_rnn_with_initial_bias/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_mean_default_axes_keepdims_example -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_mean_default_axes_keepdims_example/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_log_sum_asc_axes -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_log_sum_asc_axes/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_sum_square_keepdims_example -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_sum_square_keepdims_example/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_neg -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_neg/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_asin -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_asin/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_hardmax_axis_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_hardmax_axis_0/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_sigmoid_example -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_sigmoid_example/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_log -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_log/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reshape_negative_dim -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reshape_negative_dim/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_slice_neg -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_slice_neg/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_argmin_keepdims_random -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_argmin_keepdims_random/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_ceil_example -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_ceil_example/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_split_variable_parts_default_axis -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_split_variable_parts_default_axis/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_gru_with_initial_bias -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_gru_with_initial_bias/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_simple_rnn_defaults -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_simple_rnn_defaults/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_not_4d -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_not_4d/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_exp -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_exp/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_elu -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_elu/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_max_do_not_keepdims_example -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_max_do_not_keepdims_example/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_thresholdedrelu_example -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_thresholdedrelu_example/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_clip_example -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_clip_example/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_sigmoid -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_sigmoid/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_hardmax_one_hot -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_hardmax_one_hot/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_maxpool_1d_default -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_maxpool_1d_default/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_split_equal_parts_1d -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_split_equal_parts_1d/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_max_one_input -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_max_one_input/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_transpose_all_permutations_3 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_transpose_all_permutations_3/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_logsoftmax_axis_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_logsoftmax_axis_0/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_softmax_large_number -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_softmax_large_number/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_instancenorm_example -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_instancenorm_example/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_concat_2d_axis_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_concat_2d_axis_0/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_acos_example -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_acos_example/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_clip -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_clip/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_hardsigmoid_default -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_hardsigmoid_default/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_logsoftmax_axis_2 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_logsoftmax_axis_2/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_softmax_axis_1 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_softmax_axis_1/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_selu_example -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_selu_example/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_flatten_axis2 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_flatten_axis2/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_constant -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_constant/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_concat_1d_axis_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_concat_1d_axis_0/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_or_bcast4v4d -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_or_bcast4v4d/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_l2_keep_dims_random -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_l2_keep_dims_random/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_sum_one_input -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_sum_one_input/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_div_bcast -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_div_bcast/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_cos -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_cos/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_min_two_inputs -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_min_two_inputs/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_l2_do_not_keepdims_example -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_l2_do_not_keepdims_example/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_exp_example -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_exp_example/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_hardmax_default_axis -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_hardmax_default_axis/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_cast_DOUBLE_to_FLOAT16 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_cast_DOUBLE_to_FLOAT16/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_unsqueeze -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_unsqueeze/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_or3d -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_or3d/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_argmin_default_axis_example -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_argmin_default_axis_example/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_hardmax_example -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_hardmax_example/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_sum_do_not_keepdims_random -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_sum_do_not_keepdims_random/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_pow_example -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_pow_example/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_elu_example -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_elu_example/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_log_sum_desc_axes -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_log_sum_desc_axes/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_transpose_all_permutations_2 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_transpose_all_permutations_2/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reciprocal_example -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reciprocal_example/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_lstm_defaults -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_lstm_defaults/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_sub_bcast -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_sub_bcast/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_identity -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_identity/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_elu_default -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_elu_default/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_concat_3d_axis_1 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_concat_3d_axis_1/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_mul_example -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_mul_example/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_argmax_no_keepdims_example -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_argmax_no_keepdims_example/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_softmax_axis_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_softmax_axis_0/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_maxpool_with_argmax_2d_precomputed_strides -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_maxpool_with_argmax_2d_precomputed_strides/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_or_bcast4v3d -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_or_bcast4v3d/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_flatten_default_axis -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_flatten_default_axis/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_clip_default_max -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_clip_default_max/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_clip_default_inbounds -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_clip_default_inbounds/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_max_keepdims_random -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_max_keepdims_random/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_hardmax_axis_2 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_hardmax_axis_2/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_l1_keep_dims_example -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_l1_keep_dims_example/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_pow_bcast_scalar -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_pow_bcast_scalar/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_max_default_axes_keepdims_random -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_max_default_axes_keepdims_random/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_cos_example -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_cos_example/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_depthtospace_example -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_depthtospace_example/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_argmax_keepdims_random -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_argmax_keepdims_random/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_log_sum_exp_default_axes_keepdims_example -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_log_sum_exp_default_axes_keepdims_example/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_or_bcast3v1d -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_or_bcast3v1d/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_maxpool_2d_same_upper -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_maxpool_2d_same_upper/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_add_bcast -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_add_bcast/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_averagepool_1d_default -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_averagepool_1d_default/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_mean_do_not_keepdims_example -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_mean_do_not_keepdims_example/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_mean_one_input -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_mean_one_input/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_relu -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_relu/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_matmul_4d -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_matmul_4d/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_thresholdedrelu_default -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_thresholdedrelu_default/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_argmin_no_keepdims_example -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_argmin_no_keepdims_example/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_equal_bcast -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_equal_bcast/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_min_one_input -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_min_one_input/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_conv_with_strides_and_asymmetric_padding -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_conv_with_strides_and_asymmetric_padding/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_shape_example -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_shape_example/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_gemm_nobroadcast -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_gemm_nobroadcast/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_maxpool_2d_precomputed_pads -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_maxpool_2d_precomputed_pads/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_max_example -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_max_example/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_xor3d -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_xor3d/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_mul_bcast -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_mul_bcast/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_transpose_default -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_transpose_default/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_sin_example -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_sin_example/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_log_sum_exp_do_not_keepdims_random -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_log_sum_exp_do_not_keepdims_random/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_argmin_keepdims_example -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_argmin_keepdims_example/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_squeeze -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_squeeze/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_mean_do_not_keepdims_random -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_mean_do_not_keepdims_random/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_edge_pad -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_edge_pad/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_averagepool_2d_precomputed_pads -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_averagepool_2d_precomputed_pads/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_lstm_with_peepholes -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_lstm_with_peepholes/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_and4d -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_and4d/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_argmin_no_keepdims_random -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_argmin_no_keepdims_random/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_or2d -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_or2d/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_softmax_default_axis -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_softmax_default_axis/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_sub -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_sub/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_prod_default_axes_keepdims_example -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_prod_default_axes_keepdims_example/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_and_bcast4v4d -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_and_bcast4v4d/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_averagepool_2d_same_upper -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_averagepool_2d_same_upper/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_matmul_2d -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_matmul_2d/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_softmax_example -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_softmax_example/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_clip_inbounds -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_clip_inbounds/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_neg_example -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_neg_example/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_sum_example -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_sum_example/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_acos -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_acos/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_tan_example -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_tan_example/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_and_bcast4v3d -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_and_bcast4v3d/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_matmul_3d -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_matmul_3d/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_softplus -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_softplus/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_lrn_default -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_lrn_default/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_greater -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_greater/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_selu -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_selu/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_prelu_example -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_prelu_example/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_pow -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_pow/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_averagepool_2d_pads -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_averagepool_2d_pads/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_argmin_default_axis_random -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_argmin_default_axis_random/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_sum_keepdims_random -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_sum_keepdims_random/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_clip_splitbounds -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_clip_splitbounds/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_mul -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_mul/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_sin -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_sin/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_upsample_nearest -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_upsample_nearest/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_xor_bcast4v4d -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_xor_bcast4v4d/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_xor_bcast4v3d -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_xor_bcast4v3d/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_sum_default_axes_keepdims_random -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_sum_default_axes_keepdims_random/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_size_example -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_size_example/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_mean_keepdims_example -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_mean_keepdims_example/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_gather_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_gather_0/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_asin_example -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_asin_example/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_l1_keep_dims_random -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_l1_keep_dims_random/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_transpose_all_permutations_4 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_transpose_all_permutations_4/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_maxpool_2d_same_lower -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_maxpool_2d_same_lower/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_l2_keep_dims_example -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_l2_keep_dims_example/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_atan_example -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_atan_example/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_maxpool_2d_strides -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_maxpool_2d_strides/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_or_bcast4v2d -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_or_bcast4v2d/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_convtranspose -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_convtranspose/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reshape_extended_dims -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reshape_extended_dims/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_prod_do_not_keepdims_example -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_prod_do_not_keepdims_example/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_slice_start_out_of_bounds -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_slice_start_out_of_bounds/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_gru_defaults -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_gru_defaults/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_tan -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_tan/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_sum_square_do_not_keepdims_example -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_sum_square_do_not_keepdims_example/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_greater_bcast -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_greater_bcast/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_sqrt -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_sqrt/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_and2d -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_and2d/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_xor_bcast4v2d -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_xor_bcast4v2d/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_averagepool_2d_precomputed_pads_count_include_pad -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_averagepool_2d_precomputed_pads_count_include_pad/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_leakyrelu_example -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_leakyrelu_example/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_log_example -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_log_example/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_min_default_axes_keepdims_random -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_min_default_axes_keepdims_random/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_flatten_axis3 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_flatten_axis3/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_log_sum_exp_keepdims_example -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_log_sum_exp_keepdims_example/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_lstm_with_initial_bias -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_lstm_with_initial_bias/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_mean_keepdims_random -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_mean_keepdims_random/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_slice_end_out_of_bounds -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_slice_end_out_of_bounds/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_div_example -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_div_example/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_xor4d -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_xor4d/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_top_k -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_top_k/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_convtranspose_output_shape -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_convtranspose_output_shape/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_ceil -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_ceil/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_maxpool_with_argmax_2d_precomputed_pads -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_maxpool_with_argmax_2d_precomputed_pads/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_convtranspose_3d -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_convtranspose_3d/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_or4d -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_or4d/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reciprocal -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reciprocal/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_batchnorm_example -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_batchnorm_example/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_averagepool_2d_precomputed_strides -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_averagepool_2d_precomputed_strides/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_sum_square_default_axes_keepdims_example -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_sum_square_default_axes_keepdims_example/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_concat_2d_axis_1 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_concat_2d_axis_1/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_maxpool_3d_default -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_maxpool_3d_default/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_min_example -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_min_example/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_div -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_div/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_softmax_axis_2 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_softmax_axis_2/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_log_sum_exp_keepdims_random -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_log_sum_exp_keepdims_random/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_averagepool_2d_precomputed_same_upper -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_averagepool_2d_precomputed_same_upper/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_transpose_all_permutations_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_transpose_all_permutations_0/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_averagepool_2d_strides -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_averagepool_2d_strides/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_averagepool_3d_default -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_averagepool_3d_default/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_globalaveragepool_precomputed -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_globalaveragepool_precomputed/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reshape_one_dim -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reshape_one_dim/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_l2_do_not_keepdims_random -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_l2_do_not_keepdims_random/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_logsoftmax_default_axis -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_logsoftmax_default_axis/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_softsign_example -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_softsign_example/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_tile_precomputed -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_tile_precomputed/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_not_3d -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_not_3d/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_hardsigmoid_example -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_hardsigmoid_example/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_min_default_axes_keepdims_example -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_min_default_axes_keepdims_example/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_transpose_all_permutations_5 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_transpose_all_permutations_5/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_prod_do_not_keepdims_random -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_prod_do_not_keepdims_random/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_convtranspose_with_kernel -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_convtranspose_with_kernel/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_averagepool_2d_default -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_averagepool_2d_default/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_maxpool_2d_default -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_maxpool_2d_default/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_mean_example -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_mean_example/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_shape -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_shape/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_softplus_example -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_softplus_example/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_tile -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_tile/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_dropout_random -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_dropout_random/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_size -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_size/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_cast_FLOAT_to_DOUBLE -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_cast_FLOAT_to_DOUBLE/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_sum_do_not_keepdims_example -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_reduce_sum_do_not_keepdims_example/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_xor_bcast3v2d -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_xor_bcast3v2d/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_expand_dim_unchanged -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_expand_dim_unchanged/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_gru_seq_length -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_gru_seq_length/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_leakyrelu -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_leakyrelu/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_concat_3d_axis_2 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_concat_3d_axis_2/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_not_2d -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_not_2d/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_expand_dim_changed -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/node/test_expand_dim_changed/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/real -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/real/test_resnet50 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/real/test_inception_v2 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/real/test_densenet121 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/real/test_vgg19 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/real/test_bvlc_alexnet -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/real/test_zfnet512 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/real/test_squeezenet -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/real/test_inception_v1 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/real/test_shufflenet -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-operator -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-operator/test_operator_sqrt -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-operator/test_operator_sqrt/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-operator/test_operator_pad -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-operator/test_operator_pad/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-operator/test_operator_rnn_single_layer -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-operator/test_operator_rnn_single_layer/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-operator/test_operator_lstm -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-operator/test_operator_lstm/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-operator/test_operator_maxpool -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-operator/test_operator_maxpool/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-operator/test_operator_reduced_sum_keepdim -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-operator/test_operator_reduced_sum_keepdim/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-operator/test_operator_reduced_sum -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-operator/test_operator_reduced_sum/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-operator/test_operator_repeat -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-operator/test_operator_repeat/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-operator/test_operator_add_size1_right_broadcast -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-operator/test_operator_add_size1_right_broadcast/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-operator/test_operator_conv -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-operator/test_operator_conv/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-operator/test_operator_reduced_mean -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-operator/test_operator_reduced_mean/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-operator/test_operator_rnn -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-operator/test_operator_rnn/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-operator/test_operator_symbolic_override -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-operator/test_operator_symbolic_override/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-operator/test_operator_permute2 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-operator/test_operator_permute2/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-operator/test_operator_max -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-operator/test_operator_max/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-operator/test_operator_repeat_dim_overflow -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-operator/test_operator_repeat_dim_overflow/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-operator/test_operator_basic -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-operator/test_operator_basic/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-operator/test_operator_view -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-operator/test_operator_view/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-operator/test_operator_min -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-operator/test_operator_min/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-operator/test_operator_add_size1_singleton_broadcast -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-operator/test_operator_add_size1_singleton_broadcast/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-operator/test_operator_add_size1_broadcast -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-operator/test_operator_add_size1_broadcast/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-operator/test_operator_addmm -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-operator/test_operator_addmm/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-operator/test_operator_mm -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-operator/test_operator_mm/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-operator/test_operator_index -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-operator/test_operator_index/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-operator/test_operator_reduced_mean_keepdim -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-operator/test_operator_reduced_mean_keepdim/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-operator/test_operator_selu -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-operator/test_operator_selu/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-operator/test_operator_flatten -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-operator/test_operator_flatten/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-operator/test_operator_non_float_params -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-operator/test_operator_non_float_params/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-operator/test_operator_concat2 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-operator/test_operator_concat2/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-operator/test_operator_symbolic_override_nested -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-operator/test_operator_symbolic_override_nested/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-operator/test_operator_convtranspose -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-operator/test_operator_convtranspose/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-operator/test_operator_chunk -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-operator/test_operator_chunk/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-operator/test_operator_exp -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-operator/test_operator_exp/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-operator/test_operator_pow -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-operator/test_operator_pow/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-operator/test_operator_add_broadcast -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-operator/test_operator_add_broadcast/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-operator/test_operator_addconstant -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-operator/test_operator_addconstant/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-operator/test_operator_clip -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-operator/test_operator_clip/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-operator/test_operator_params -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/data/pytorch-operator/test_operator_params/test_data_set_0 -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/runner -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/case -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/case/model -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/backend/test/case/node -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/onnxifi.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/shape_inference -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/shape_inference/implementation.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/defs -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/defs/data_type_utils.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/defs/controlflow -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/defs/function.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/defs/nn -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/defs/operator_sets-ml.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/defs/tensor -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/defs/schema.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/defs/experiments -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/defs/math -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/defs/shape_inference.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/defs/reduction -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/defs/operator_sets.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/defs/traditionalml -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/defs/generator -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/defs/logical -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/defs/rnn -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/version_converter -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/version_converter/convert.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/version_converter/adapters -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/version_converter/adapters/no_previous_version.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/version_converter/adapters/adapter.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/version_converter/BaseConverter.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/checker.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/py_utils.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/proto_utils.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/bin -- Up-to-date: /root/pytorch/torch/lib/tmp_install/include/onnx -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/onnx-operators_onnx_torch.pb.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/onnx_onnx_torch.pb.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/onnx-operators.pb.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/onnx_onnx_c2.pb.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/onnx.pb.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/onnx/onnx-operators_onnx_c2.pb.h -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/libonnx.a -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/libonnx_proto.a -- Installing: /root/pytorch/torch/lib/tmp_install/lib/libonnxifi_dummy.so -- Set runtime path of "/root/pytorch/torch/lib/tmp_install/lib/libonnxifi_dummy.so" to "" -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2 -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/predictor -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/predictor/predictor_config.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/predictor/predictor.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/predictor/predictor_utils.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/db -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/db/create_db_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/image -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/image/image_input_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/image/transform_gpu.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mobile -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mobile/contrib -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mobile/contrib/nnapi -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mobile/contrib/nnapi/nnapi.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mobile/contrib/nnapi/dlnnapi.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mobile/contrib/nnapi/NeuralNetworks.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mobile/contrib/snpe -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mobile/contrib/snpe/snpe_ffi.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mobile/contrib/arm-compute -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mobile/contrib/arm-compute/core -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mobile/contrib/arm-compute/core/net_gl.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mobile/contrib/arm-compute/core/rewrite_net.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mobile/contrib/arm-compute/core/operator.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mobile/contrib/arm-compute/core/context.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mobile/contrib/arm-compute/operators -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mobile/contrib/arm-compute/operators/activation_ops.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mobile/contrib/arm-compute/test -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mobile/contrib/arm-compute/test/gl_operator_test.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mobile/contrib/arm-compute/test/gl_model_test.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mobile/contrib/arm-compute/models -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mobile/contrib/ios -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mobile/contrib/ios/ios_caffe_defines.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mobile/contrib/ios/ios_caffe.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mobile/contrib/ios/ios_caffe_predictor.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mobile/contrib/ios/mpscnn -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mobile/contrib/ios/mpscnn/mpscnn_graph_mask.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mobile/contrib/ios/mpscnn/mpscnn_test.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mobile/contrib/ios/mpscnn/mpscnn_kernels.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mobile/contrib/ios/mpscnn/mpscnn.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mobile/contrib/ios/mpscnn/mpscnn_context.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mobile/contrib/libvulkan-stub -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mobile/contrib/libvulkan-stub/src -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mobile/contrib/libvulkan-stub/include -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mobile/contrib/libvulkan-stub/include/vulkan -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mobile/contrib/libvulkan-stub/include/vulkan/vk_platform.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mobile/contrib/libvulkan-stub/include/vulkan/vulkan.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mobile/contrib/libvulkan-stub/include/libvulkan-stub.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mobile/contrib/opengl -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mobile/contrib/opengl/android -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mobile/contrib/opengl/android/AndroidGLContext.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mobile/contrib/opengl/android/gl3stub.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mobile/contrib/opengl/android/arm_neon_support.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mobile/contrib/opengl/core -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mobile/contrib/opengl/core/GLImage.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mobile/contrib/opengl/core/DataTransfer.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mobile/contrib/opengl/core/GL.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mobile/contrib/opengl/core/ImageAllocator.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mobile/contrib/opengl/core/GLPredictor.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mobile/contrib/opengl/core/rewrite_net.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mobile/contrib/opengl/core/GLContext.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mobile/contrib/opengl/core/GLFilter.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mobile/contrib/opengl/core/GLPBO.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mobile/contrib/opengl/core/arm_neon_support.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mobile/contrib/opengl/core/GLLogging.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mobile/contrib/opengl/core/GLImageAllocator.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mobile/contrib/opengl/core/GLTexture.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mobile/contrib/opengl/core/GLPlainTexture.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mobile/contrib/opengl/operators -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mobile/contrib/opengl/operators/gl_tiling_utils.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mobile/contrib/opengl/operators/GLConvolution.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mobile/contrib/opengl/test -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mobile/contrib/opengl/test/opengl_test.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mobile/contrib/opengl/test/TestGLConvolution.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mobile/contrib/opengl/ios -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mobile/contrib/opengl/ios/IOSGLTexture.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mobile/contrib/opengl/ios/IOSGLImageAllocator.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mobile/contrib/opengl/ios/IOSGLContext.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mobile/contrib/ulp2 -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mobile/contrib/ulp2/ulp.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mobile/contrib/ulp2/ulp_neon.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mobile/contrib/libopencl-stub -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mobile/contrib/libopencl-stub/src -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mobile/contrib/libopencl-stub/include -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mobile/contrib/libopencl-stub/include/libopencl.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mobile/contrib/libopencl-stub/include/CL -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mobile/contrib/libopencl-stub/include/CL/cl_gl.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mobile/contrib/libopencl-stub/include/CL/opencl.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mobile/contrib/libopencl-stub/include/CL/cl_gl_ext.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mobile/contrib/libopencl-stub/include/CL/cl.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mobile/contrib/libopencl-stub/include/CL/cl_platform.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mobile/contrib/libopencl-stub/include/CL/cl_ext.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/cuda_rtc -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/cuda_rtc/common_rtc.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/registry.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/dispatch -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/dispatch/KernelRegistration.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/dispatch/OpSchemaRegistration.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/dispatch/DispatchTable.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/dispatch/DispatchKey.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/dispatch/DeviceId.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/dispatch/OpSchema.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/dispatch/LeftRight.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/dispatch/Dispatcher.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/dispatch/LayoutId.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/event.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/plan_executor.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/macros.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/db.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/transform.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/blob.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/logging_is_not_google_glog.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/logging_is_google_glog.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/net_async_tracing.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/net_async_dag_gpu.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/context_gpu.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/nomnigraph -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/nomnigraph/include -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/nomnigraph/include/nomnigraph -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/nomnigraph/include/nomnigraph/Transformations -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/nomnigraph/include/nomnigraph/Transformations/SubgraphMatcher.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/nomnigraph/include/nomnigraph/Transformations/Match.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/nomnigraph/include/nomnigraph/Support -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/nomnigraph/include/nomnigraph/Support/Common.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/nomnigraph/include/nomnigraph/Support/Pointer.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/nomnigraph/include/nomnigraph/Support/Casting.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/nomnigraph/include/nomnigraph/Graph -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/nomnigraph/include/nomnigraph/Graph/Algorithms.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/nomnigraph/include/nomnigraph/Graph/TarjansImpl.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/nomnigraph/include/nomnigraph/Graph/Graph.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/nomnigraph/include/nomnigraph/Graph/BinaryMatchImpl.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/nomnigraph/include/nomnigraph/Converters -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/nomnigraph/include/nomnigraph/Converters/Dot.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/nomnigraph/include/nomnigraph/Representations -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/nomnigraph/include/nomnigraph/Representations/NeuralNet.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/nomnigraph/include/nomnigraph/Representations/Compiler.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/nomnigraph/include/nomnigraph/Representations/ControlFlow.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/nomnigraph/include/nomnigraph/Generated -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/nomnigraph/include/nomnigraph/Generated/OpClasses.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/nomnigraph/include/nomnigraph/Generated/OpEnum.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/nomnigraph/include/nomnigraph/Generated/OpNames.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/nomnigraph/tests -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/nomnigraph/tests/test_util.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/nomnigraph/Representations -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/common_cudnn.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/net_async_polling.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/memonger.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/tensor_int8.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/net_async_base.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/scope_guard.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/blob_serialization.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/operator_schema.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/logging.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/net_dag_utils.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/hip -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/hip/miopen_wrapper.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/hip/context_hip.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/hip/common_miopen.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/hip/common_hip.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/blob_serializer_base.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/flags.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/net_async_gpu_thread_pool.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/numa.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/types.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/net_simple_async.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/blob_stats.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/net_simple.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/net_dag.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/common.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/cudnn_wrappers.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/common_gpu.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/timer.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/graph.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/net_async_scheduling.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/event_cpu.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/context_base.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/operator_gradient.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/init.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/module.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/operator.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/static_tracepoint.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/stats.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/observer.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/typeid.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/tensor.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/allocator.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/static_tracepoint_elfx86.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/common_omp.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/workspace.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/qtensor_serialization.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/operator_c10wrapper.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/asan.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/net.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/qtensor.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/context.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/THCCachingAllocator_gpu.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/onnx -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/onnx/helper.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/onnx/backend_rep.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/onnx/onnxifi_init.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/onnx/device.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/onnx/backend.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/onnx/onnx_exporter.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/utils -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/utils/threadpool -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/utils/threadpool/ThreadPoolCommon.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/utils/threadpool/WorkersPool.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/utils/threadpool/pthreadpool.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/utils/threadpool/ThreadPool.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/utils/flat_hash_map -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/utils/flat_hash_map/flat_hash_map.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/utils/mixed_utils.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/utils/cast.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/utils/cblas.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/utils/conversions.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/utils/zmq_helper.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/utils/TypeList.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/utils/math_utils.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/utils/thread_name.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/utils/string_utils.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/utils/smart_tensor_printer.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/utils/cpu_neon.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/utils/Optional.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/utils/math-detail.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/utils/hip -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/utils/hip/mixed_utils_hip.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/utils/thread_pool.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/utils/murmur_hash3.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/utils/Metaprogramming.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/utils/math.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/utils/bench_utils.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/utils/proto_wrap.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/utils/filler.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/utils/fixed_divisor.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/utils/signal_handler.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/utils/eigen_utils.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/utils/TypeTraits.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/utils/Array.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/utils/proto_utils.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/utils/cpuid.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/utils/map_utils.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/utils/simple_queue.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/max_pool_with_index_gpu.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/slice_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/accuracy_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/stop_gradient.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/group_norm_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/pack_segments.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/variable_length_sequence_padding.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/lpnorm_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/negative_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/perplexity_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/reshape_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/fused_rowwise_8bit_conversion_ops.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/rsqrt_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/create_scope_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/roi_align_rotated_gradient_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/feed_blob_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/tensor_protos_db_input.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/leaky_relu_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/lengths_reducer_fused_8bit_rowwise_ops.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/locally_connected_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/conv_pool_op_base.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/remove_data_blocks_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/im2col_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/operator_fallback_gpu.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/conv_op_shared.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/local_response_normalization_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/counter_ops.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/acos_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/sigmoid_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/sqrt_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/distance_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/relu_n_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/cosh_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/cbrt_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/experimental -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/experimental/c10 -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/experimental/c10/cpu -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/experimental/c10/schemas -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/experimental/c10/schemas/stop_gradient.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/experimental/c10/schemas/sparse_lengths_sum.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/experimental/c10/schemas/cast.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/experimental/c10/schemas/batch_matmul.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/experimental/c10/schemas/relu.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/experimental/c10/schemas/fc.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/experimental/c10/schemas/expand_dims.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/experimental/c10/schemas/enforce_finite.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/experimental/c10/schemas/batch_gather.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/experimental/c10/schemas/concat.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/experimental/c10/schemas/mul.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/experimental/c10/schemas/add.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/experimental/c10/schemas/filler.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/experimental/c10/schemas/sigmoid.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/experimental/c10/schemas/averaged_loss.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/experimental/c10/schemas/flatten.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/experimental/c10/schemas/sigmoid_cross_entropy_with_logits.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/mod_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/cos_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/selu_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/weighted_multi_sampling_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/while_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/tan_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/onnx_while_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/spatial_softmax_with_loss_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/conv_transpose_op_mobile.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/free_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/clip_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/jsd_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/pack_rnn_sequence_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/gather_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/ceil_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/cast_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/sin_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/lengths_reducer_rowwise_8bit_ops.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/softmax_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/generate_proposals_op_util_nms.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/activation_ops_cudnn.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/square_root_divide_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/string_ops.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/dataset_ops.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/moments_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/space_batch_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/prefetch_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/abs_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/roi_pool_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/roi_align_rotated_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/pad_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/asin_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/swish_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/channel_stats_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/map_ops.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/shape_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/elementwise_add_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/bbox_transform_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/thresholded_relu_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/dropout_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/gather_fused_8bit_rowwise_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/box_with_nms_limit_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/prepend_dim_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/glu_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/generate_proposals_op_util_boxes.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/relu_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/summarize_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/reciprocal_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/floor_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/fully_connected_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/load_save_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/cube_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/elementwise_sub_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/zero_gradient_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/piecewise_linear_transform_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/listwise_l2r_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/filler_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/loss_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/rmac_regions_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/layer_norm_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/elementwise_mul_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/text_file_reader_utils.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/top_k.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/percentile_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/sparse_to_dense_mask_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/hip -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/if_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/matmul_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/segment_reduction_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/channel_backprop_stats_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/rank_loss_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/lstm_unit_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/softmax_shared.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/ensure_cpu_output_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/reduction_ops.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/merge_id_lists_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/byte_weight_dequant_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/affine_channel_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/tile_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/rowmul_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/numpy_tile_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/key_split_ops.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/find_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/expand_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/quant_decode_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/conv_op_impl.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/elementwise_op_test.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/channel_shuffle_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/find_duplicate_elements_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/softplus_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/conditional_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/do_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/minmax_ops.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/tanh_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/prelu_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/conv_transpose_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/sinusoid_position_encoding_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/roi_align_gradient_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/cross_entropy_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/order_switch_ops.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/lengths_reducer_ops.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/elementwise_ops.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/reducer_functors.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/ngram_ops.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/fc_inference.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/instance_norm_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/conv_op_cache_cudnn.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/locally_connected_op_util.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/conv_transpose_unpool_op_base.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/no_default_engine_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/log_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/elementwise_ops_utils.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/arg_ops.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/elu_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/elementwise_div_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/cosine_embedding_criterion_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/lengths_tile_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/roi_align_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/given_tensor_fill_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/elementwise_logical_ops.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/onnxifi_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/reverse_packed_segs_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/multi_class_accuracy_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/deform_conv_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/unique_ops.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/mean_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/assert_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/spatial_batch_norm_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/upsample_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/softsign_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/pool_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/scale_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/conv_transpose_op_impl.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/deform_conv_op_impl.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/one_hot_ops.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/sequence_ops.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/accumulate_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/reduce_ops.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/batch_box_cox_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/sparse_normalize_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/h_softmax_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/negate_gradient_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/margin_ranking_criterion_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/replace_nan_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/apmeter_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/half_float_ops.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/feature_maps_ops.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/batch_gather_ops.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/conv_transpose_op_mobile_impl.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/enforce_finite_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/rnn -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/rnn/recurrent_network_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/rnn/recurrent_op_cudnn.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/rnn/recurrent_network_executor.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/rnn/recurrent_network_blob_fetcher_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/rnn/recurrent_network_executor_gpu.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/rnn/recurrent_network_executor_incl.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/concat_split_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/weighted_sample_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/resize_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/gather_ranges_to_dense_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/sparse_to_dense_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/boolean_unmask_ops.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/batch_moments_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/normalize_l1_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/gru_unit_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/flexible_top_k.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/lengths_top_k_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/utility_ops.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/stump_func_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/fused_rowwise_random_quantization_ops.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/ctc_greedy_decoder_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/expand_squeeze_dims_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/normalize_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/lengths_pad_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/elementwise_linear_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/conv_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/tt_linear_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/integral_image_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/exp_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/heatmap_max_keypoint_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/reduction_front_back_ops.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/transpose_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/ctc_beam_search_decoder_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/batch_matmul_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/batch_bucketize_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/batch_sparse_to_dense_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/softmax_with_loss_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/boolean_mask_ops.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/locally_connected_op_impl.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/atan_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/sqr_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/collect_and_distribute_fpn_rpn_proposals_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/partition_ops.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/logit_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/generate_proposals_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/ensure_clipped_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/index_hash_ops.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/op_utils_cudnn.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/sinh_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/pow_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/operators/flatten_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/python -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/python/layers -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/python/examples -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/python/predictor -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/python/pybind_state_dlpack.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/python/onnx -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/python/onnx/tests -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/python/onnx/bin -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/python/dlpack.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/python/test -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/python/docs -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/python/trt -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/python/operator_test -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/python/ideep -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/python/models -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/python/models/seq2seq -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/python/mint -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/python/mint/templates -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/python/mint/static -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/python/mint/static/css -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/python/helpers -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/python/rnn -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/python/modeling -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/python/mkl -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/python/pybind_state.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/sgd -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/sgd/adadelta_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/sgd/gftrl_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/sgd/learning_rate_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/sgd/ftrl_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/sgd/fp16_momentum_sgd_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/sgd/learning_rate_functors.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/sgd/wngrad_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/sgd/lars_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/sgd/rmsprop_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/sgd/yellowfin_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/sgd/learning_rate_adaption_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/sgd/fp32_momentum_sgd_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/sgd/momentum_sgd_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/sgd/iter_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/sgd/adagrad_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/sgd/clip_tensor_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/sgd/adam_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/test -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/test/assets -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/experiments -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/experiments/operators -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/experiments/operators/sparse_matrix_reshape_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/experiments/operators/fully_connected_op_decomposition.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/experiments/operators/fully_connected_op_prune.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/experiments/operators/sparse_funhash_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/experiments/operators/fully_connected_op_sparse.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/experiments/operators/funhash_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/experiments/operators/tt_pad_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/experiments/operators/tt_contraction_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/experiments/python -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/contrib -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/contrib/tensorboard -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/contrib/nccl -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/contrib/nccl/cuda_nccl_gpu.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/contrib/playground -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/contrib/playground/resnetdemo -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/contrib/opencl -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/contrib/opencl/OpenCL -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/contrib/opencl/context.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/contrib/ideep -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/contrib/nnpack -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/contrib/shm_mutex -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/contrib/shm_mutex/shm_mutex.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/contrib/tensorrt -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/contrib/tensorrt/trt_utils.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/contrib/tensorrt/tensorrt_op_trt.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/contrib/tensorrt/tensorrt_tranformer.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/contrib/aten -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/contrib/aten/docs -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/contrib/aten/aten_op_template.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/contrib/aten/aten_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/contrib/warpctc -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/contrib/warpctc/ctc_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/contrib/prof -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/contrib/prof/htrace_conf.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/contrib/prof/prof_dag_stats_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/contrib/prof/prof_dag_net.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/contrib/prof/profiling_info.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/contrib/prof/profiling_annotations.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/contrib/cuda-convnet2 -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/contrib/cuda-convnet2/layers -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/contrib/cuda-convnet2/nvmatrix -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/contrib/cuda-convnet2/nvmatrix/src -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/contrib/cuda-convnet2/nvmatrix/include -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/contrib/cuda-convnet2/make-data -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/contrib/cuda-convnet2/make-data/pyext -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/contrib/cuda-convnet2/make-data/pyext/src -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/contrib/cuda-convnet2/make-data/pyext/include -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/contrib/cuda-convnet2/make-data/pyext/include/pyext.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/contrib/cuda-convnet2/util -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/contrib/cuda-convnet2/util/src -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/contrib/cuda-convnet2/util/include -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/contrib/cuda-convnet2/util/include/sync.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/contrib/cuda-convnet2/util/include/matrix.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/contrib/cuda-convnet2/util/include/queue.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/contrib/cuda-convnet2/util/include/matrix_funcs.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/contrib/cuda-convnet2/util/include/thread.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/contrib/cuda-convnet2/python_util -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/contrib/cuda-convnet2/images -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/contrib/cuda-convnet2/cudaconv3 -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/contrib/cuda-convnet2/cudaconv3/src -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/contrib/cuda-convnet2/cudaconv3/include -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/contrib/cuda-convnet2/cudaconvnet -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/contrib/cuda-convnet2/cudaconvnet/src -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/contrib/cuda-convnet2/cudaconvnet/include -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/contrib/cuda-convnet2/cudaconvnet/include/jpeg.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/contrib/nervana -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/contrib/nervana/nervana_c_api.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/contrib/nervana/nervana.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/contrib/script -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/contrib/script/examples -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/contrib/script/parser.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/contrib/script/lexer.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/contrib/script/tree_views.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/contrib/script/compiler.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/contrib/script/error_report.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/contrib/script/tree.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/contrib/gloo -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/contrib/gloo/common_world_ops.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/contrib/gloo/reduce_scatter_ops.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/contrib/gloo/allgather_ops.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/contrib/gloo/common.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/contrib/gloo/allreduce_ops.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/contrib/gloo/barrier_ops.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/contrib/gloo/store_handler.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/contrib/gloo/broadcast_ops.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/contrib/gloo/context.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/contrib/docker-ubuntu-14.04 -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mpi -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mpi/mpi_common.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mpi/mpi_ops.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/ideep -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/ideep/ideep_utils.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/ideep/utils -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/ideep/utils/ideep_context.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/ideep/utils/ideep_operator.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/ideep/operators -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/ideep/operators/conv_pool_base_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/ideep/operators/operator_fallback_ideep.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/queue -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/queue/blobs_queue.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/queue/rebatching_queue_ops.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/queue/blobs_queue_db.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/queue/queue_ops.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/queue/rebatching_queue.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/share -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/share/contrib -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/share/contrib/zstd -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/share/contrib/zstd/quant_decomp_zstd_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/share/contrib/nnpack -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/share/contrib/depthwise -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/video -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/video/optical_flow.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/video/video_decoder.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/video/video_io.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/video/video_input_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/proto -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/perfkernels -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/perfkernels/common.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/perfkernels/cvtsh_ss_bugfix.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/perfkernels/fused_8bit_rowwise_embedding_lookup.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/perfkernels/typed_axpy.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/perfkernels/embedding_lookup.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/distributed -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/distributed/store_ops.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/distributed/redis_store_handler_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/distributed/file_store_handler.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/distributed/store_handler.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/distributed/file_store_handler_op.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/distributed/redis_store_handler.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/observers -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/observers/operator_attaching_net_observer.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/observers/profile_observer.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/observers/time_observer.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/observers/runcnt_observer.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/opt -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/opt/converter.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/opt/fusion.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/opt/optimize_ideep.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/opt/optimizer.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/opt/passes.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/opt/backend_cutting.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/opt/mobile.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/opt/device.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/opt/onnx_convert.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/opt/sink.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/opt/onnxifi_transformer.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mkl -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mkl/utils -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mkl/utils/mkl_operator.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mkl/utils/mkl_dnn_cppwrapper.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mkl/utils/mkl_version_check.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mkl/utils/mkl_context.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mkl/utils/mkl_memory.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mkl/utils/sgemm_pack.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mkl/operators -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mkl/operators/operator_fallback_mkl.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/mkl/mkl_utils.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/transforms -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/transforms/pattern_net_transform.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/transforms/common_subexpression_elimination.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/transforms/single_op_transform.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/transforms/conv_to_nnpack_transform.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/core/macros.h -- Installing: /root/pytorch/torch/lib/tmp_install/lib/libcaffe2.so -- Set runtime path of "/root/pytorch/torch/lib/tmp_install/lib/libcaffe2.so" to "/root/pytorch/torch/lib/tmp_install/lib:/usr/local/cuda-9.2/lib64:/usr/local/lib:/root/usr/local/opencv/lib:/opt/intel/mkl/lib/intel64" -- Installing: /root/pytorch/torch/lib/tmp_install/lib/libcaffe2_gpu.so -- Set runtime path of "/root/pytorch/torch/lib/tmp_install/lib/libcaffe2_gpu.so" to "/root/pytorch/torch/lib/tmp_install/lib:/usr/local/cuda-9.2/lib64:/opt/intel/mkl/lib/intel64:/usr/local/lib:/root/usr/local/opencv/lib" -- Installing: /root/pytorch/torch/lib/tmp_install/test/aten/scalar_test -- Set runtime path of "/root/pytorch/torch/lib/tmp_install/test/aten/scalar_test" to "/root/pytorch/torch/lib/tmp_install/lib:/usr/local/cuda-9.2/lib64:/usr/local/lib:/root/usr/local/opencv/lib" -- Installing: /root/pytorch/torch/lib/tmp_install/test/aten/apply_utils_test -- Set runtime path of "/root/pytorch/torch/lib/tmp_install/test/aten/apply_utils_test" to "/root/pytorch/torch/lib/tmp_install/lib:/usr/local/cuda-9.2/lib64:/usr/local/lib:/root/usr/local/opencv/lib" -- Installing: /root/pytorch/torch/lib/tmp_install/test/aten/basic -- Set runtime path of "/root/pytorch/torch/lib/tmp_install/test/aten/basic" to "/root/pytorch/torch/lib/tmp_install/lib:/usr/local/cuda-9.2/lib64:/usr/local/lib:/root/usr/local/opencv/lib" -- Installing: /root/pytorch/torch/lib/tmp_install/test/aten/atest -- Set runtime path of "/root/pytorch/torch/lib/tmp_install/test/aten/atest" to "/root/pytorch/torch/lib/tmp_install/lib:/usr/local/cuda-9.2/lib64:/usr/local/lib:/root/usr/local/opencv/lib" -- Installing: /root/pytorch/torch/lib/tmp_install/test/aten/half_test -- Set runtime path of "/root/pytorch/torch/lib/tmp_install/test/aten/half_test" to "/root/pytorch/torch/lib/tmp_install/lib:/usr/local/cuda-9.2/lib64:/usr/local/lib:/root/usr/local/opencv/lib" -- Installing: /root/pytorch/torch/lib/tmp_install/test/aten/broadcast_test -- Set runtime path of "/root/pytorch/torch/lib/tmp_install/test/aten/broadcast_test" to "/root/pytorch/torch/lib/tmp_install/lib:/usr/local/cuda-9.2/lib64:/usr/local/lib:/root/usr/local/opencv/lib" -- Installing: /root/pytorch/torch/lib/tmp_install/test/aten/wrapdim_test -- Set runtime path of "/root/pytorch/torch/lib/tmp_install/test/aten/wrapdim_test" to "/root/pytorch/torch/lib/tmp_install/lib:/usr/local/cuda-9.2/lib64:/usr/local/lib:/root/usr/local/opencv/lib" -- Installing: /root/pytorch/torch/lib/tmp_install/test/aten/dlconvertor_test -- Set runtime path of "/root/pytorch/torch/lib/tmp_install/test/aten/dlconvertor_test" to "/root/pytorch/torch/lib/tmp_install/lib:/usr/local/cuda-9.2/lib64:/usr/local/lib:/root/usr/local/opencv/lib" -- Installing: /root/pytorch/torch/lib/tmp_install/test/aten/native_test -- Set runtime path of "/root/pytorch/torch/lib/tmp_install/test/aten/native_test" to "/root/pytorch/torch/lib/tmp_install/lib:/usr/local/cuda-9.2/lib64:/usr/local/lib:/root/usr/local/opencv/lib" -- Installing: /root/pytorch/torch/lib/tmp_install/test/aten/scalar_tensor_test -- Set runtime path of "/root/pytorch/torch/lib/tmp_install/test/aten/scalar_tensor_test" to "/root/pytorch/torch/lib/tmp_install/lib:/usr/local/cuda-9.2/lib64:/usr/local/lib:/root/usr/local/opencv/lib" -- Installing: /root/pytorch/torch/lib/tmp_install/test/aten/test_parallel -- Set runtime path of "/root/pytorch/torch/lib/tmp_install/test/aten/test_parallel" to "/root/pytorch/torch/lib/tmp_install/lib:/usr/local/cuda-9.2/lib64:/usr/local/lib:/root/usr/local/opencv/lib" -- Installing: /root/pytorch/torch/lib/tmp_install/test/aten/undefined_tensor_test -- Set runtime path of "/root/pytorch/torch/lib/tmp_install/test/aten/undefined_tensor_test" to "/root/pytorch/torch/lib/tmp_install/lib:/usr/local/cuda-9.2/lib64:/usr/local/lib:/root/usr/local/opencv/lib" -- Installing: /root/pytorch/torch/lib/tmp_install/test/aten/verify_api_visibility -- Set runtime path of "/root/pytorch/torch/lib/tmp_install/test/aten/verify_api_visibility" to "/root/pytorch/torch/lib/tmp_install/lib:/usr/local/cuda-9.2/lib64:/usr/local/lib:/root/usr/local/opencv/lib" -- Installing: /root/pytorch/torch/lib/tmp_install/test/aten/tbb_init_test -- Set runtime path of "/root/pytorch/torch/lib/tmp_install/test/aten/tbb_init_test" to "/root/pytorch/torch/lib/tmp_install/lib:/usr/local/cuda-9.2/lib64:/usr/local/lib:/root/usr/local/opencv/lib" -- Installing: /root/pytorch/torch/lib/tmp_install/test/aten/weakref_test -- Set runtime path of "/root/pytorch/torch/lib/tmp_install/test/aten/weakref_test" to "/root/pytorch/torch/lib/tmp_install/lib:/usr/local/cuda-9.2/lib64:/usr/local/lib:/root/usr/local/opencv/lib" -- Installing: /root/pytorch/torch/lib/tmp_install/test/aten/integer_divider_test -- Set runtime path of "/root/pytorch/torch/lib/tmp_install/test/aten/integer_divider_test" to "/root/pytorch/torch/lib/tmp_install/lib:/usr/local/cuda-9.2/lib64:/usr/local/lib:/root/usr/local/opencv/lib" -- Installing: /root/pytorch/torch/lib/tmp_install/test/aten/cuda_rng_test -- Set runtime path of "/root/pytorch/torch/lib/tmp_install/test/aten/cuda_rng_test" to "/root/pytorch/torch/lib/tmp_install/lib:/usr/local/cuda-9.2/lib64:/usr/local/lib:/root/usr/local/opencv/lib" -- Installing: /root/pytorch/torch/lib/tmp_install/test/aten/apply_test -- Set runtime path of "/root/pytorch/torch/lib/tmp_install/test/aten/apply_test" to "/root/pytorch/torch/lib/tmp_install/lib:/usr/local/cuda-9.2/lib64:/usr/local/lib:/root/usr/local/opencv/lib" -- Installing: /root/pytorch/torch/lib/tmp_install/test/aten/stream_test -- Set runtime path of "/root/pytorch/torch/lib/tmp_install/test/aten/stream_test" to "/root/pytorch/torch/lib/tmp_install/lib:/usr/local/cuda-9.2/lib64:/usr/local/lib:/root/usr/local/opencv/lib" -- Installing: /root/pytorch/torch/lib/tmp_install/test/aten/cudnn_test -- Set runtime path of "/root/pytorch/torch/lib/tmp_install/test/aten/cudnn_test" to "/root/pytorch/torch/lib/tmp_install/lib:/usr/local/cuda-9.2/lib64:/usr/local/lib:/root/usr/local/opencv/lib" -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/caffe2_pybind11_state.cpython-37m-x86_64-linux-gnu.so -- Set runtime path of "/root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/caffe2_pybind11_state.cpython-37m-x86_64-linux-gnu.so" to "$ORIGIN/../../torch/lib:/usr/local/cuda-9.2/lib64:/usr/local/lib" -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/caffe2_pybind11_state_gpu.cpython-37m-x86_64-linux-gnu.so -- Set runtime path of "/root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/caffe2_pybind11_state_gpu.cpython-37m-x86_64-linux-gnu.so" to "$ORIGIN/../../torch/lib:/usr/local/cuda-9.2/lib64:/usr/local/lib:/root/usr/local/opencv/lib" -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2 -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/predictor -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/predictor/CMakeFiles -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/db -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/db/CMakeFiles -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/image -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/image/CMakeFiles -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/ATen_core -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/ATen_core/CMakeFiles -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/mobile -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/mobile/CMakeFiles -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/mobile/contrib -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/mobile/contrib/CMakeFiles -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/mobile/contrib/ios -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/mobile/contrib/ios/CMakeFiles -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/core -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/core/dispatch -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/core/dispatch/CMakeFiles -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/core/dispatch/CMakeFiles/dispatch.dir -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/core/__init__.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/core/nomnigraph -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/core/nomnigraph/__init__.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/core/nomnigraph/CMakeFiles -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/core/nomnigraph/CMakeFiles/nomnigraph.dir -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/core/nomnigraph/CMakeFiles/nomnigraph.dir/tests -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/core/nomnigraph/CMakeFiles/nomnigraph.dir/Representations -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/core/nomnigraph/op_gen.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/core/CMakeFiles -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/__init__.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/onnx -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/onnx/CMakeFiles -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/utils -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/utils/CMakeFiles -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/utils/CMakeFiles/c10_utils_gpu.dir -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/utils/CMakeFiles/c10_utils_cpu.dir -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/utils/CMakeFiles/c10_utils_hip.dir -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/atest.dir -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/atest.dir/__ -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/atest.dir/__/aten -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/atest.dir/__/aten/src -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/atest.dir/__/aten/src/ATen -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/atest.dir/__/aten/src/ATen/test -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/cudnn_test.dir -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/cudnn_test.dir/__ -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/cudnn_test.dir/__/aten -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/cudnn_test.dir/__/aten/src -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/cudnn_test.dir/__/aten/src/ATen -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/cudnn_test.dir/__/aten/src/ATen/test -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/broadcast_test.dir -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/broadcast_test.dir/__ -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/broadcast_test.dir/__/aten -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/broadcast_test.dir/__/aten/src -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/broadcast_test.dir/__/aten/src/ATen -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/broadcast_test.dir/__/aten/src/ATen/test -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/half_test.dir -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/half_test.dir/__ -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/half_test.dir/__/aten -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/half_test.dir/__/aten/src -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/half_test.dir/__/aten/src/ATen -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/half_test.dir/__/aten/src/ATen/test -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/stream_test.dir -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/stream_test.dir/__ -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/stream_test.dir/__/aten -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/stream_test.dir/__/aten/src -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/stream_test.dir/__/aten/src/ATen -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/stream_test.dir/__/aten/src/ATen/test -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/ATEN_CPU_FILES_GEN_TARGET.dir -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2_protos.dir -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2.dir -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2.dir/predictor -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2.dir/db -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2.dir/image -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2.dir/core -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2.dir/onnx -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2.dir/utils -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2.dir/utils/threadpool -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2.dir/operators -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2.dir/operators/rnn -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2.dir/sgd -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2.dir/contrib -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2.dir/contrib/aten -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2.dir/contrib/script -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2.dir/contrib/gloo -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2.dir/queue -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2.dir/share -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2.dir/share/contrib -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2.dir/share/contrib/nnpack -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2.dir/share/contrib/depthwise -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2.dir/perfkernels -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2.dir/__ -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2.dir/__/aten -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2.dir/__/aten/src -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2.dir/__/aten/src/THNN -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2.dir/__/aten/src/TH -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2.dir/__/aten/src/TH/vector -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2.dir/__/aten/src/TH/generic -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2.dir/__/aten/src/TH/generic/simd -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/native -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/native/cpu -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/native/sparse -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/native/mkl -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/native/mkldnn -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/core -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/detail -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2.dir/distributed -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2.dir/observers -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2.dir/opt -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2.dir/transforms -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/weakref_test.dir -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/weakref_test.dir/__ -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/weakref_test.dir/__/aten -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/weakref_test.dir/__/aten/src -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/weakref_test.dir/__/aten/src/ATen -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/weakref_test.dir/__/aten/src/ATen/test -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2_pybind11_state.dir -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2_pybind11_state.dir/python -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2_gpu.dir -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2_gpu.dir/db -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2_gpu.dir/image -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2_gpu.dir/core -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2_gpu.dir/utils -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2_gpu.dir/operators -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2_gpu.dir/operators/rnn -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2_gpu.dir/sgd -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2_gpu.dir/contrib -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2_gpu.dir/contrib/nccl -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2_gpu.dir/contrib/aten -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2_gpu.dir/contrib/gloo -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2_gpu.dir/queue -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2_gpu.dir/__ -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2_gpu.dir/__/aten -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THCUNN -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/ATen -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/ATen/native -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/ATen/native/sparse -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/ATen/native/sparse/cuda -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/ATen/native/cuda -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/ATen/native/cudnn -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/ATen/cuda -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/ATen/cuda/detail -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/ATen/cudnn -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THC -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THC/generated -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2_gpu.dir/distributed -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/verify_api_visibility.dir -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/verify_api_visibility.dir/__ -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/verify_api_visibility.dir/__/aten -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/verify_api_visibility.dir/__/aten/src -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/verify_api_visibility.dir/__/aten/src/ATen -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/verify_api_visibility.dir/__/aten/src/ATen/test -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/cuda_rng_test.dir -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/cuda_rng_test.dir/__ -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/cuda_rng_test.dir/__/aten -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/cuda_rng_test.dir/__/aten/src -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/cuda_rng_test.dir/__/aten/src/ATen -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/cuda_rng_test.dir/__/aten/src/ATen/test -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/wrapdim_test.dir -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/wrapdim_test.dir/__ -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/wrapdim_test.dir/__/aten -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/wrapdim_test.dir/__/aten/src -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/wrapdim_test.dir/__/aten/src/ATen -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/wrapdim_test.dir/__/aten/src/ATen/test -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/scalar_tensor_test.dir -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/scalar_tensor_test.dir/__ -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/scalar_tensor_test.dir/__/aten -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/scalar_tensor_test.dir/__/aten/src -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/scalar_tensor_test.dir/__/aten/src/ATen -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/scalar_tensor_test.dir/__/aten/src/ATen/test -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/test_parallel.dir -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/test_parallel.dir/__ -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/test_parallel.dir/__/aten -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/test_parallel.dir/__/aten/src -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/test_parallel.dir/__/aten/src/ATen -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/test_parallel.dir/__/aten/src/ATen/test -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/basic.dir -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/basic.dir/__ -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/basic.dir/__/aten -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/basic.dir/__/aten/src -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/basic.dir/__/aten/src/ATen -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/basic.dir/__/aten/src/ATen/test -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/tbb_init_test.dir -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/tbb_init_test.dir/__ -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/tbb_init_test.dir/__/aten -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/tbb_init_test.dir/__/aten/src -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/tbb_init_test.dir/__/aten/src/ATen -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/tbb_init_test.dir/__/aten/src/ATen/test -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/ATEN_CUDA_FILES_GEN_TARGET.dir -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/native_test.dir -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/native_test.dir/__ -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/native_test.dir/__/aten -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/native_test.dir/__/aten/src -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/native_test.dir/__/aten/src/ATen -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/native_test.dir/__/aten/src/ATen/test -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/undefined_tensor_test.dir -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/undefined_tensor_test.dir/__ -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/undefined_tensor_test.dir/__/aten -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/undefined_tensor_test.dir/__/aten/src -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/undefined_tensor_test.dir/__/aten/src/ATen -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/undefined_tensor_test.dir/__/aten/src/ATen/test -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/integer_divider_test.dir -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/integer_divider_test.dir/__ -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/integer_divider_test.dir/__/aten -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/integer_divider_test.dir/__/aten/src -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/integer_divider_test.dir/__/aten/src/ATen -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/integer_divider_test.dir/__/aten/src/ATen/test -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/python_copy_files.dir -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/dlconvertor_test.dir -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/dlconvertor_test.dir/__ -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/dlconvertor_test.dir/__/aten -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/dlconvertor_test.dir/__/aten/src -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/dlconvertor_test.dir/__/aten/src/ATen -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/dlconvertor_test.dir/__/aten/src/ATen/test -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/apply_utils_test.dir -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/apply_utils_test.dir/__ -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/apply_utils_test.dir/__/aten -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/apply_utils_test.dir/__/aten/src -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/apply_utils_test.dir/__/aten/src/ATen -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/apply_utils_test.dir/__/aten/src/ATen/test -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/__aten_op_header_gen.dir -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/scalar_test.dir -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/scalar_test.dir/__ -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/scalar_test.dir/__/aten -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/scalar_test.dir/__/aten/src -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/scalar_test.dir/__/aten/src/ATen -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/scalar_test.dir/__/aten/src/ATen/test -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2_pybind11_state_gpu.dir -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2_pybind11_state_gpu.dir/python -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/apply_test.dir -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/apply_test.dir/__ -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/apply_test.dir/__/aten -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/apply_test.dir/__/aten/src -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/apply_test.dir/__/aten/src/ATen -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/apply_test.dir/__/aten/src/ATen/test -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/operators -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/operators/CMakeFiles -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/operators/rnn -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/operators/rnn/CMakeFiles -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layers -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layers/semi_random_features.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layers/fc_without_bias.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layers/dropout.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layers/layer_normalization.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layers/__init__.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layers/reservoir_sampling.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layers/blob_weighted_sum.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layers/arc_cosine_feature_map.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layers/uniform_sampling.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layers/adaptive_weight.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layers/concat.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layers/constant_weight.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layers/feature_sparse_to_dense.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layers/homotopy_weight.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layers/tags.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layers/batch_distill_lr_loss.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layers/merge_id_lists.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layers/fc.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layers/conv.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layers/last_n_window_collector.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layers/functional.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layers/label_smooth.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layers/batch_softmax_loss.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layers/random_fourier_features.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layers/layers.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layers/select_record_by_context.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layers/batch_normalization.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layers/position_weighted.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layers/sparse_lookup.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layers/batch_lr_loss.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layers/add_bias.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layers/batch_sigmoid_cross_entropy_loss.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layers/gather_record.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layers/pairwise_similarity.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layers/batch_mse_loss.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layers/split.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layers/sampling_train.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layers/sampling_trainable_mixin.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layers/sparse_feature_hash.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layers/margin_rank_loss.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layers/build_index.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/examples -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/examples/__init__.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/examples/lmdb_create_example.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/examples/resnet50_trainer.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/examples/char_rnn.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/db_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/dataio_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/predictor -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/predictor/predictor_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/predictor/__init__.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/predictor/mobile_exporter.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/predictor/serde.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/predictor/predictor_exporter.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/predictor/predictor_exporter_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/predictor/mobile_exporter_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/predictor/predictor_py_utils.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/net_builder.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/data_workers_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/embedding_generation_benchmark.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/python_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/workspace_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/optimizer_test_util.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/ideep_test_util.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/model_helper.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/hypothesis_test_util.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/mkl_test_util.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/tt_core.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/core.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/regularizer_context.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/device_checker.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/data_workers.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/data_parallel_model.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/schema_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/net_drawer.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/dataio.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/caffe_translator_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/hsm_util.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/data_parallel_model_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/context_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/visualize.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/session_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/gradient_check_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/__init__.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/crf.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/control_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/onnx -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/onnx/frontend.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/onnx/__init__.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/onnx/error.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/onnx/test_onnxifi.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/onnx/backend_cpp_rep.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/onnx/onnxifi.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/onnx/backend_rep.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/onnx/workspace.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/onnx/tests -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/onnx/tests/conversion_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/onnx/tests/onnx_backend_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/onnx/tests/__init__.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/onnx/tests/test_utils.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/onnx/tests/ssa_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/onnx/tests/helper_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/onnx/tests/c2_ref_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/onnx/backend.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/onnx/bin -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/onnx/bin/__init__.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/onnx/bin/conversion.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/onnx/helper.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layer_parameter_sharing_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/memonger.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/attention.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/CMakeFiles -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/session.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/modifier_context.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/net_printer_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/control_ops_util.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/normalizer.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/caffe_translator.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/regularizer.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/scope.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layers_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/test -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/test/executor_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/test/__init__.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/test/executor_test_util.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/test/blob_deallocation_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/test/do_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/docs -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/docs/parser.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/docs/__init__.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/docs/generator.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/docs/formatter.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/docs/github.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/scope_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/convnet_benchmarks.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/brew.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/normalizer_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/numa_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/experiment_util.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/predictor_constants.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/parallel_workers_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/parallel_workers.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/trt -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/trt/__init__.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/trt/test_trt.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/trt/transform.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/task.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/optimizer_context.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/net_builder_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/net_printer.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/feature_maps_ops_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/group_conv_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/flatten_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/reduce_ops_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/momentum_sgd_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/cosine_embedding_criterion_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/hsm_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/layer_norm_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/integral_image_ops_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/flexible_top_k_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/jsd_ops_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/reduction_ops_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/resize_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/pack_ops_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/dropout_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/python_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/cast_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/pooling_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/batch_sparse_to_dense_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/ngram_ops_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/apmeter_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/selu_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/learning_rate_adaption_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/lengths_tile_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/mean_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/dataset_ops_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/moments_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/extend_tensor_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/leaky_relu_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/sparse_gradient_checker_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/specialized_segment_ops_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/recurrent_network_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/roi_align_rotated_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/blobs_queue_db_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/activation_ops_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/prepend_dim_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/segment_ops_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/shape_inference_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/adagrad_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/assert_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/math_ops_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/upsample_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/locally_connected_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/__init__.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/mpi_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/glu_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/clip_tensor_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/tile_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/ctc_beam_search_decoder_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/crf_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/record_queue_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/mod_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/sequence_ops_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/transpose_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/deform_conv_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/index_ops_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/basic_rnn_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/arg_ops_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/collect_and_distribute_fpn_rpn_proposals_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/concat_split_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/gru_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/load_save_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/merge_id_lists_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/batch_bucketize_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/mkl_speed_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/conditional_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/lengths_pad_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/index_hash_ops_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/trigonometric_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/gather_ranges_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/enforce_finite_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/matmul_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/given_tensor_fill_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/utility_ops_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/elementwise_op_broadcast_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/top_k_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/ensure_clipped_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/loss_ops_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/wngrad_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/weighted_sum_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/distance_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/sparse_normalize_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/fc_operator_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/lars_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/sinusoid_position_encoding_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/key_split_ops_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/elementwise_linear_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/onnx_while_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/numpy_tile_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/cudnn_recurrent_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/ceil_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/sparse_lengths_sum_benchmark.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/adadelta_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/margin_ranking_criterion_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/stats_ops_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/instance_norm_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/depthwise_3x3_conv_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/one_hot_ops_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/im2col_col2im_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/lpnorm_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/mkl_packed_fc_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/boolean_unmask_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/spatial_bn_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/filler_ops_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/copy_ops_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/emptysample_ops_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/negate_gradient_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/video_input_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/gather_ops_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/atomic_ops_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/unique_ops_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/learning_rate_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/softmax_ops_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/hyperbolic_ops_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/lengths_top_k_ops_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/thresholded_relu_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/elementwise_ops_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/string_ops_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/conv_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/conv_transpose_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/listwise_l2r_operator_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/bbox_transform_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/boolean_mask_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/mkl_conv_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/percentile_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/adagrad_test_helper.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/rank_loss_operator_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/piecewise_linear_transform_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/expand_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/batch_box_cox_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/adam_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/floor_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/channel_backprop_stats_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/image_input_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/duplicate_operands_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/partition_ops_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/unique_uniform_fill_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/batch_moments_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/rmac_regions_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/recurrent_net_executor_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/elementwise_logical_ops_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/square_root_divide_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/normalize_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/channel_stats_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/group_norm_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/pad_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/weighted_sample_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/cross_entropy_ops_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/checkpoint_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/sparse_ops_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/channel_shuffle_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/sparse_to_dense_mask_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/counter_ops_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/ctc_greedy_decoder_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/clip_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/rnn_cell_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/pack_rnn_sequence_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/rebatching_queue_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/text_file_reader_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/affine_channel_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/weighted_multi_sample_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/reshape_ops_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/softplus_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/map_ops_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/rand_quantization_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/find_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/ensure_cpu_output_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/convnet_benchmarks_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/pipeline_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/cached_reader.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/context.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/text_file_reader.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/extension_loader.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/rnn_cell.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/sparse_to_dense_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/parallelize_bmuf_distributed_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/ideep -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/ideep/dropout_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/ideep/LRN_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/ideep/test_ideep_net.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/ideep/__init__.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/ideep/convfusion_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/ideep/softmax_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/ideep/squeeze_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/ideep/concat_split_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/ideep/elementwise_sum_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/ideep/relu_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/ideep/spatial_bn_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/ideep/pool_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/ideep/transform_ideep_net.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/ideep/copy_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/ideep/fc_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/ideep/conv_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/functional.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/_import_c_extension.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/gradient_checker.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/checkpoint.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/build.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layer_test_util.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/regularizer_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/hypothesis_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/fused_8bit_rowwise_conversion_ops_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/core_gradients_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/models -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/models/resnet_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/models/__init__.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/models/download.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/models/resnet.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/models/__sym_init__.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/models/seq2seq -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/models/seq2seq/seq2seq_beam_search_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/models/seq2seq/beam_search.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/models/seq2seq/seq2seq_model_helper.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/models/seq2seq/__init__.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/models/seq2seq/seq2seq_model_helper_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/models/seq2seq/seq2seq_util.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/models/seq2seq/train.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/models/seq2seq/translate.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/mint -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/mint/__init__.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/mint/app.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/model_device_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/helpers -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/helpers/control_ops.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/helpers/dropout.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/helpers/tools.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/helpers/__init__.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/helpers/elementwise_linear.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/helpers/normalization.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/helpers/array_helpers.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/helpers/fc.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/helpers/conv.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/helpers/pooling.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/helpers/algebra.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/helpers/arg_scope.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/helpers/nonlinearity.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/helpers/db_input.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/helpers/train.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/cnn.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/core_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/workspace.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/muji.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/gru_cell.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/schema.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/dyndep.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/muji_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/toy_regression_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layer_model_helper.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/sparse_to_dense_mask_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/benchmark_generator.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/brew_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/optimizer_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/control_ops_grad.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/binarysize.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/control.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/rnn -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/rnn/__init__.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/rnn/lstm_comparison.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/rnn/rnn_cell_test_util.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/db_file_reader.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/tt_core_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/dataset.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/numa_benchmark.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/normalizer_context.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/lengths_reducer_rowwise_8bit_ops_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/timeout_guard.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/modeling -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/modeling/initializers.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/modeling/compute_histogram_for_blobs_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/modeling/initializers_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/modeling/compute_norm_for_blobs_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/modeling/__init__.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/modeling/gradient_clipping_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/modeling/parameter_sharing_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/modeling/compute_histogram_for_blobs.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/modeling/get_entry_from_blobs_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/modeling/parameter_info.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/modeling/get_entry_from_blobs.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/modeling/compute_norm_for_blobs.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/modeling/net_modifier.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/modeling/compute_statistics_for_blobs_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/modeling/parameter_sharing.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/modeling/gradient_clipping.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/modeling/compute_statistics_for_blobs.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/queue_util.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/lengths_reducer_fused_8bit_rowwise_ops_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/memonger_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/record_queue.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/pipeline.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/observer_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/functional_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/mkl -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/mkl/mkl_relu_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/mkl/mkl_squeeze_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/mkl/mkl_elementwise_sum_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/mkl/mkl_copy_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/mkl/mkl_elementwise_add_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/mkl/mkl_fill_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/mkl/__init__.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/mkl/mkl_LRN_speed_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/mkl/mkl_pool_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/mkl/rewrite_graph_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/mkl/mkl_speed_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/mkl/mkl_pool_speed_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/mkl/mkl_fc_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/mkl/mkl_LRN_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/mkl/mkl_fc_speed_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/mkl/mkl_conv_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/mkl/mkl_sbn_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/mkl/mkl_sigmoid_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/mkl/mkl_sbn_speed_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/mkl/mkl_concat_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/mkl/rewrite_graph.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/checkpoint_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/allcompare_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/lstm_benchmark.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/transformations_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/utils.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/transformations.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/test_util.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layer_model_instantiator.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/recurrent.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/optimizer.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/sgd -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/sgd/CMakeFiles -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/experiments -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/experiments/__init__.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/experiments/python -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/experiments/python/funhash_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/experiments/python/tt_contraction_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/experiments/python/tt_pad_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/experiments/python/__init__.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/experiments/python/sparse_reshape_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/experiments/python/convnet_benchmarks.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/experiments/python/net_construct_bench.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/experiments/python/device_reduce_sum_bench.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/experiments/python/SparseTransformer.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/experiments/python/sparse_funhash_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/__init__.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/tensorboard -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/tensorboard/tensorboard_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/tensorboard/__init__.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/tensorboard/tensorboard_exporter.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/tensorboard/tensorboard.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/tensorboard/tensorboard_exporter_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/CMakeFiles -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/nccl -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/nccl/__init__.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/nccl/CMakeFiles -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/nccl/nccl_ops_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/playground -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/playground/compute_topk_accuracy.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/playground/AnyExpOnTerm.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/playground/__init__.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/playground/ModuleRegister.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/playground/compute_loss.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/playground/meter.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/playground/checkpoint.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/playground/module_map.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/playground/output_generator.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/playground/resnetdemo -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/playground/resnetdemo/override_no_test_model_no_checkpoint.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/playground/resnetdemo/rendezvous_filestore.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/playground/resnetdemo/__init__.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/playground/resnetdemo/caffe2_resnet50_default_param_update.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/playground/resnetdemo/IN1k_resnet_no_test_model.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/playground/resnetdemo/gfs_IN1k.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/playground/resnetdemo/caffe2_resnet50_default_forward.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/playground/resnetdemo/IN1k_resnet.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/playground/resnetdemo/explicit_resnet_forward.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/playground/resnetdemo/explicit_resnet_param_update.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/playground/AnyExp.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/opencl -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/opencl/CMakeFiles -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/nnpack -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/nnpack/__init__.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/nnpack/nnpack_ops_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/shm_mutex -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/shm_mutex/CMakeFiles -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/aten -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/aten/__init__.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/aten/gen_op.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/aten/CMakeFiles -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/aten/docs -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/aten/docs/__init__.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/aten/docs/sample.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/aten/aten_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/warpctc -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/warpctc/__init__.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/warpctc/ctc_ops_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/prof -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/prof/htrace_to_chrome.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/prof/__init__.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/prof/CMakeFiles -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/prof/cuda_profile_ops_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/cuda-convnet2 -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/cuda-convnet2/make-data -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/cuda-convnet2/make-data/__init__.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/cuda-convnet2/make-data/make-data.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/cuda-convnet2/make-data/pyext -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/cuda-convnet2/make-data/pyext/__init__.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/cuda-convnet2/convdata.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/cuda-convnet2/__init__.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/cuda-convnet2/layer.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/cuda-convnet2/convnet.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/cuda-convnet2/initw.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/cuda-convnet2/shownet.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/cuda-convnet2/python_util -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/cuda-convnet2/python_util/util.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/cuda-convnet2/python_util/__init__.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/cuda-convnet2/python_util/options.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/cuda-convnet2/python_util/data.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/cuda-convnet2/python_util/gpumodel.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/cuda-convnet2/cudaconvnet -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/cuda-convnet2/cudaconvnet/__init__.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/script -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/script/examples -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/script/examples/__init__.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/script/examples/run_examples.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/script/caffe2_script_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/script/__init__.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/script/CMakeFiles -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/gloo -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/gloo/__init__.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/gloo/CMakeFiles -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/gloo/gloo_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/torch -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/torch/CMakeFiles -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/torch/CMakeFiles/torch.dir -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/torch/CMakeFiles/torch.dir/csrc -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/torch/CMakeFiles/torch.dir/csrc/utils -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/torch/CMakeFiles/torch.dir/csrc/cuda -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/torch/CMakeFiles/torch.dir/csrc/api -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/torch/CMakeFiles/torch.dir/csrc/api/src -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/torch/CMakeFiles/torch.dir/csrc/api/src/nn -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/torch/CMakeFiles/torch.dir/csrc/api/src/nn/modules -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/torch/CMakeFiles/torch.dir/csrc/api/src/optim -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/torch/CMakeFiles/torch.dir/csrc/jit -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/torch/CMakeFiles/torch.dir/csrc/jit/generated -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/torch/CMakeFiles/torch.dir/csrc/jit/script -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/torch/CMakeFiles/torch.dir/csrc/jit/passes -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/torch/CMakeFiles/torch.dir/csrc/autograd -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/torch/CMakeFiles/torch.dir/csrc/autograd/generated -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/torch/CMakeFiles/torch.dir/csrc/autograd/functions -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/torch/CMakeFiles/test_api.dir -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/torch/CMakeFiles/test_api.dir/__ -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/torch/CMakeFiles/test_api.dir/__/test -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/torch/CMakeFiles/test_api.dir/__/test/cpp -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/torch/CMakeFiles/test_api.dir/__/test/cpp/api -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/torch/CMakeFiles/test_jit.dir -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/torch/CMakeFiles/test_jit.dir/csrc -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/torch/CMakeFiles/test_jit.dir/csrc/jit -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/torch/protobuf-nanopb -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/torch/protobuf-nanopb/nanopb_pb2.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/torch/protobuf-nanopb/CMakeFiles -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/torch/protobuf-nanopb/CMakeFiles/generate_nanopb_pb2.py.dir -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/torch/protobuf-nanopb/CMakeFiles/protobuf-nanopb.dir -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/torch/protobuf-nanopb/CMakeFiles/Export -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/torch/protobuf-nanopb/CMakeFiles/Export/lib -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/torch/protobuf-nanopb/CMakeFiles/Export/lib/cmake -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/torch/protobuf-nanopb/CMakeFiles/Export/lib/cmake/protobuf -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/torch/protobuf-nanopb/CMakeFiles/generate_plugin_pb2.py.dir -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/torch/protobuf-nanopb/plugin_pb2.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/mpi -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/mpi/CMakeFiles -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/ideep -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/ideep/CMakeFiles -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/queue -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/queue/CMakeFiles -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/share -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/share/CMakeFiles -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/share/contrib -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/share/contrib/CMakeFiles -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/share/contrib/nnpack -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/share/contrib/nnpack/CMakeFiles -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/share/contrib/depthwise -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/share/contrib/depthwise/CMakeFiles -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/video -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/video/CMakeFiles -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/proto -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/proto/hsm_pb2.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/proto/caffe2_pb2.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/proto/__init__.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/proto/prof_dag_pb2.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/proto/CMakeFiles -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/proto/CMakeFiles/Caffe2_PROTO.dir -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/proto/predictor_consts_pb2.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/proto/metanet_pb2.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/proto/caffe2_legacy_pb2.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/perfkernels -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/perfkernels/__init__.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/perfkernels/CMakeFiles -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/perfkernels/CMakeFiles/Caffe2_perfkernels_avx.dir -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/perfkernels/CMakeFiles/Caffe2_perfkernels_avx2.dir -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/perfkernels/hp_emblookup_codegen.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/aten -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/aten/CMakeFiles -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/aten/src -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/aten/src/THCUNN -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/aten/src/THCUNN/CMakeFiles -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/aten/src/THNN -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/aten/src/THNN/CMakeFiles -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/aten/src/TH -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/aten/src/TH/CMakeFiles -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/aten/src/ATen -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/aten/src/ATen/core -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/aten/src/ATen/core/CMakeFiles -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/aten/src/ATen/cmake-exports -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/aten/src/ATen/CMakeFiles -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/aten/src/ATen/test -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/aten/src/ATen/test/CMakeFiles -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/aten/src/THC -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/aten/src/THC/CMakeFiles -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/distributed -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/distributed/file_store_handler_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/distributed/redis_store_handler_op_test.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/distributed/__init__.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/distributed/CMakeFiles -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/distributed/store_ops_test_util.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/observers -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/observers/CMakeFiles -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/opt -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/opt/CMakeFiles -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/mkl -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/mkl/CMakeFiles -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/transforms -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/transforms/CMakeFiles -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2 -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/predictor -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/predictor/CMakeFiles -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/db -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/db/CMakeFiles -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/image -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/image/CMakeFiles -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/ATen_core -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/ATen_core/CMakeFiles -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/mobile -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/mobile/CMakeFiles -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/mobile/contrib -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/mobile/contrib/CMakeFiles -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/mobile/contrib/ios -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/mobile/contrib/ios/CMakeFiles -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/core -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/core/dispatch -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/core/dispatch/CMakeFiles -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/core/dispatch/CMakeFiles/dispatch.dir -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/core/__init__.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/core/nomnigraph -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/core/nomnigraph/__init__.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/core/nomnigraph/CMakeFiles -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/core/nomnigraph/CMakeFiles/nomnigraph.dir -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/core/nomnigraph/CMakeFiles/nomnigraph.dir/tests -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/core/nomnigraph/CMakeFiles/nomnigraph.dir/Representations -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/core/nomnigraph/op_gen.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/core/CMakeFiles -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/__init__.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/onnx -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/onnx/CMakeFiles -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/utils -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/utils/CMakeFiles -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/utils/CMakeFiles/c10_utils_gpu.dir -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/utils/CMakeFiles/c10_utils_cpu.dir -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/utils/CMakeFiles/c10_utils_hip.dir -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/atest.dir -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/atest.dir/__ -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/atest.dir/__/aten -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/atest.dir/__/aten/src -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/atest.dir/__/aten/src/ATen -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/atest.dir/__/aten/src/ATen/test -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/cudnn_test.dir -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/cudnn_test.dir/__ -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/cudnn_test.dir/__/aten -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/cudnn_test.dir/__/aten/src -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/cudnn_test.dir/__/aten/src/ATen -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/cudnn_test.dir/__/aten/src/ATen/test -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/broadcast_test.dir -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/broadcast_test.dir/__ -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/broadcast_test.dir/__/aten -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/broadcast_test.dir/__/aten/src -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/broadcast_test.dir/__/aten/src/ATen -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/broadcast_test.dir/__/aten/src/ATen/test -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/half_test.dir -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/half_test.dir/__ -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/half_test.dir/__/aten -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/half_test.dir/__/aten/src -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/half_test.dir/__/aten/src/ATen -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/half_test.dir/__/aten/src/ATen/test -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/stream_test.dir -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/stream_test.dir/__ -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/stream_test.dir/__/aten -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/stream_test.dir/__/aten/src -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/stream_test.dir/__/aten/src/ATen -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/stream_test.dir/__/aten/src/ATen/test -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/ATEN_CPU_FILES_GEN_TARGET.dir -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2_protos.dir -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2.dir -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2.dir/predictor -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2.dir/db -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2.dir/image -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2.dir/core -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2.dir/onnx -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2.dir/utils -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2.dir/utils/threadpool -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2.dir/operators -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2.dir/operators/rnn -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2.dir/sgd -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2.dir/contrib -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2.dir/contrib/aten -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2.dir/contrib/script -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2.dir/contrib/gloo -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2.dir/queue -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2.dir/share -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2.dir/share/contrib -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2.dir/share/contrib/nnpack -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2.dir/share/contrib/depthwise -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2.dir/perfkernels -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2.dir/__ -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2.dir/__/aten -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2.dir/__/aten/src -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2.dir/__/aten/src/THNN -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2.dir/__/aten/src/TH -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2.dir/__/aten/src/TH/vector -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2.dir/__/aten/src/TH/generic -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2.dir/__/aten/src/TH/generic/simd -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/native -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/native/cpu -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/native/sparse -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/native/mkl -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/native/mkldnn -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/core -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2.dir/__/aten/src/ATen/detail -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2.dir/distributed -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2.dir/observers -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2.dir/opt -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2.dir/transforms -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/weakref_test.dir -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/weakref_test.dir/__ -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/weakref_test.dir/__/aten -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/weakref_test.dir/__/aten/src -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/weakref_test.dir/__/aten/src/ATen -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/weakref_test.dir/__/aten/src/ATen/test -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2_pybind11_state.dir -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2_pybind11_state.dir/python -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2_gpu.dir -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2_gpu.dir/db -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2_gpu.dir/image -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2_gpu.dir/core -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2_gpu.dir/utils -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2_gpu.dir/operators -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2_gpu.dir/operators/rnn -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2_gpu.dir/sgd -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2_gpu.dir/contrib -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2_gpu.dir/contrib/nccl -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2_gpu.dir/contrib/aten -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2_gpu.dir/contrib/gloo -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2_gpu.dir/queue -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2_gpu.dir/__ -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2_gpu.dir/__/aten -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THCUNN -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/ATen -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/ATen/native -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/ATen/native/sparse -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/ATen/native/sparse/cuda -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/ATen/native/cuda -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/ATen/native/cudnn -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/ATen/cuda -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/ATen/cuda/detail -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/ATen/cudnn -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THC -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2_gpu.dir/__/aten/src/THC/generated -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2_gpu.dir/distributed -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/verify_api_visibility.dir -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/verify_api_visibility.dir/__ -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/verify_api_visibility.dir/__/aten -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/verify_api_visibility.dir/__/aten/src -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/verify_api_visibility.dir/__/aten/src/ATen -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/verify_api_visibility.dir/__/aten/src/ATen/test -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/cuda_rng_test.dir -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/cuda_rng_test.dir/__ -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/cuda_rng_test.dir/__/aten -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/cuda_rng_test.dir/__/aten/src -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/cuda_rng_test.dir/__/aten/src/ATen -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/cuda_rng_test.dir/__/aten/src/ATen/test -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/wrapdim_test.dir -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/wrapdim_test.dir/__ -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/wrapdim_test.dir/__/aten -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/wrapdim_test.dir/__/aten/src -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/wrapdim_test.dir/__/aten/src/ATen -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/wrapdim_test.dir/__/aten/src/ATen/test -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/scalar_tensor_test.dir -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/scalar_tensor_test.dir/__ -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/scalar_tensor_test.dir/__/aten -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/scalar_tensor_test.dir/__/aten/src -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/scalar_tensor_test.dir/__/aten/src/ATen -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/scalar_tensor_test.dir/__/aten/src/ATen/test -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/test_parallel.dir -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/test_parallel.dir/__ -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/test_parallel.dir/__/aten -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/test_parallel.dir/__/aten/src -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/test_parallel.dir/__/aten/src/ATen -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/test_parallel.dir/__/aten/src/ATen/test -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/basic.dir -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/basic.dir/__ -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/basic.dir/__/aten -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/basic.dir/__/aten/src -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/basic.dir/__/aten/src/ATen -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/basic.dir/__/aten/src/ATen/test -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/tbb_init_test.dir -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/tbb_init_test.dir/__ -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/tbb_init_test.dir/__/aten -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/tbb_init_test.dir/__/aten/src -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/tbb_init_test.dir/__/aten/src/ATen -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/tbb_init_test.dir/__/aten/src/ATen/test -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/ATEN_CUDA_FILES_GEN_TARGET.dir -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/native_test.dir -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/native_test.dir/__ -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/native_test.dir/__/aten -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/native_test.dir/__/aten/src -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/native_test.dir/__/aten/src/ATen -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/native_test.dir/__/aten/src/ATen/test -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/undefined_tensor_test.dir -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/undefined_tensor_test.dir/__ -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/undefined_tensor_test.dir/__/aten -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/undefined_tensor_test.dir/__/aten/src -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/undefined_tensor_test.dir/__/aten/src/ATen -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/undefined_tensor_test.dir/__/aten/src/ATen/test -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/integer_divider_test.dir -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/integer_divider_test.dir/__ -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/integer_divider_test.dir/__/aten -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/integer_divider_test.dir/__/aten/src -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/integer_divider_test.dir/__/aten/src/ATen -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/integer_divider_test.dir/__/aten/src/ATen/test -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/python_copy_files.dir -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/dlconvertor_test.dir -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/dlconvertor_test.dir/__ -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/dlconvertor_test.dir/__/aten -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/dlconvertor_test.dir/__/aten/src -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/dlconvertor_test.dir/__/aten/src/ATen -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/dlconvertor_test.dir/__/aten/src/ATen/test -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/apply_utils_test.dir -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/apply_utils_test.dir/__ -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/apply_utils_test.dir/__/aten -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/apply_utils_test.dir/__/aten/src -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/apply_utils_test.dir/__/aten/src/ATen -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/apply_utils_test.dir/__/aten/src/ATen/test -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/__aten_op_header_gen.dir -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/scalar_test.dir -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/scalar_test.dir/__ -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/scalar_test.dir/__/aten -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/scalar_test.dir/__/aten/src -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/scalar_test.dir/__/aten/src/ATen -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/scalar_test.dir/__/aten/src/ATen/test -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2_pybind11_state_gpu.dir -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/caffe2_pybind11_state_gpu.dir/python -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/apply_test.dir -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/apply_test.dir/__ -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/apply_test.dir/__/aten -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/apply_test.dir/__/aten/src -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/apply_test.dir/__/aten/src/ATen -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/CMakeFiles/apply_test.dir/__/aten/src/ATen/test -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/operators -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/operators/CMakeFiles -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/operators/rnn -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/operators/rnn/CMakeFiles -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layers -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layers/semi_random_features.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layers/fc_without_bias.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layers/dropout.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layers/layer_normalization.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layers/__init__.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layers/reservoir_sampling.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layers/blob_weighted_sum.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layers/arc_cosine_feature_map.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layers/uniform_sampling.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layers/adaptive_weight.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layers/concat.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layers/constant_weight.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layers/feature_sparse_to_dense.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layers/homotopy_weight.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layers/tags.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layers/batch_distill_lr_loss.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layers/merge_id_lists.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layers/fc.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layers/conv.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layers/last_n_window_collector.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layers/functional.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layers/label_smooth.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layers/batch_softmax_loss.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layers/random_fourier_features.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layers/layers.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layers/select_record_by_context.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layers/batch_normalization.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layers/position_weighted.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layers/sparse_lookup.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layers/batch_lr_loss.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layers/add_bias.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layers/batch_sigmoid_cross_entropy_loss.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layers/gather_record.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layers/pairwise_similarity.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layers/batch_mse_loss.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layers/split.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layers/sampling_train.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layers/sampling_trainable_mixin.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layers/sparse_feature_hash.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layers/margin_rank_loss.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layers/build_index.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/examples -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/examples/__init__.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/examples/lmdb_create_example.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/examples/resnet50_trainer.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/examples/char_rnn.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/db_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/dataio_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/predictor -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/predictor/predictor_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/predictor/__init__.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/predictor/mobile_exporter.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/predictor/serde.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/predictor/predictor_exporter.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/predictor/predictor_exporter_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/predictor/mobile_exporter_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/predictor/predictor_py_utils.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/net_builder.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/data_workers_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/embedding_generation_benchmark.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/python_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/workspace_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/optimizer_test_util.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/ideep_test_util.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/model_helper.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/hypothesis_test_util.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/mkl_test_util.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/tt_core.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/core.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/regularizer_context.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/device_checker.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/data_workers.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/data_parallel_model.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/schema_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/net_drawer.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/dataio.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/caffe_translator_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/hsm_util.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/data_parallel_model_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/context_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/visualize.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/session_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/gradient_check_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/__init__.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/crf.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/control_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/onnx -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/onnx/frontend.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/onnx/__init__.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/onnx/error.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/onnx/test_onnxifi.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/onnx/backend_cpp_rep.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/onnx/onnxifi.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/onnx/backend_rep.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/onnx/workspace.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/onnx/tests -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/onnx/tests/conversion_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/onnx/tests/onnx_backend_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/onnx/tests/__init__.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/onnx/tests/test_utils.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/onnx/tests/ssa_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/onnx/tests/helper_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/onnx/tests/c2_ref_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/onnx/backend.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/onnx/bin -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/onnx/bin/__init__.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/onnx/bin/conversion.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/onnx/helper.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layer_parameter_sharing_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/memonger.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/attention.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/CMakeFiles -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/session.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/modifier_context.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/net_printer_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/control_ops_util.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/normalizer.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/caffe_translator.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/regularizer.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/scope.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layers_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/test -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/test/executor_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/test/__init__.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/test/executor_test_util.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/test/blob_deallocation_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/test/do_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/docs -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/docs/parser.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/docs/__init__.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/docs/generator.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/docs/formatter.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/docs/github.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/scope_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/convnet_benchmarks.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/brew.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/normalizer_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/numa_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/experiment_util.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/predictor_constants.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/parallel_workers_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/parallel_workers.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/trt -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/trt/__init__.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/trt/test_trt.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/trt/transform.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/task.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/optimizer_context.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/net_builder_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/net_printer.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/feature_maps_ops_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/group_conv_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/flatten_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/reduce_ops_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/momentum_sgd_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/cosine_embedding_criterion_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/hsm_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/layer_norm_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/integral_image_ops_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/flexible_top_k_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/jsd_ops_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/reduction_ops_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/resize_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/pack_ops_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/dropout_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/python_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/cast_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/pooling_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/batch_sparse_to_dense_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/ngram_ops_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/apmeter_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/selu_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/learning_rate_adaption_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/lengths_tile_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/mean_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/dataset_ops_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/moments_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/extend_tensor_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/leaky_relu_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/sparse_gradient_checker_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/specialized_segment_ops_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/recurrent_network_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/roi_align_rotated_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/blobs_queue_db_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/activation_ops_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/prepend_dim_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/segment_ops_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/shape_inference_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/adagrad_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/assert_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/math_ops_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/upsample_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/locally_connected_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/__init__.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/mpi_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/glu_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/clip_tensor_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/tile_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/ctc_beam_search_decoder_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/crf_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/record_queue_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/mod_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/sequence_ops_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/transpose_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/deform_conv_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/index_ops_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/basic_rnn_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/arg_ops_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/collect_and_distribute_fpn_rpn_proposals_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/concat_split_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/gru_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/load_save_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/merge_id_lists_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/batch_bucketize_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/mkl_speed_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/conditional_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/lengths_pad_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/index_hash_ops_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/trigonometric_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/gather_ranges_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/enforce_finite_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/matmul_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/given_tensor_fill_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/utility_ops_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/elementwise_op_broadcast_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/top_k_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/ensure_clipped_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/loss_ops_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/wngrad_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/weighted_sum_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/distance_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/sparse_normalize_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/fc_operator_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/lars_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/sinusoid_position_encoding_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/key_split_ops_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/elementwise_linear_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/onnx_while_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/numpy_tile_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/cudnn_recurrent_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/ceil_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/sparse_lengths_sum_benchmark.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/adadelta_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/margin_ranking_criterion_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/stats_ops_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/instance_norm_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/depthwise_3x3_conv_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/one_hot_ops_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/im2col_col2im_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/lpnorm_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/mkl_packed_fc_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/boolean_unmask_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/spatial_bn_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/filler_ops_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/copy_ops_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/emptysample_ops_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/negate_gradient_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/video_input_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/gather_ops_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/atomic_ops_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/unique_ops_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/learning_rate_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/softmax_ops_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/hyperbolic_ops_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/lengths_top_k_ops_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/thresholded_relu_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/elementwise_ops_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/string_ops_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/conv_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/conv_transpose_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/listwise_l2r_operator_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/bbox_transform_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/boolean_mask_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/mkl_conv_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/percentile_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/adagrad_test_helper.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/rank_loss_operator_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/piecewise_linear_transform_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/expand_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/batch_box_cox_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/adam_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/floor_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/channel_backprop_stats_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/image_input_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/duplicate_operands_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/partition_ops_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/unique_uniform_fill_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/batch_moments_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/rmac_regions_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/recurrent_net_executor_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/elementwise_logical_ops_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/square_root_divide_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/normalize_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/channel_stats_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/group_norm_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/pad_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/weighted_sample_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/cross_entropy_ops_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/checkpoint_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/sparse_ops_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/channel_shuffle_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/sparse_to_dense_mask_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/counter_ops_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/ctc_greedy_decoder_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/clip_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/rnn_cell_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/pack_rnn_sequence_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/rebatching_queue_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/text_file_reader_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/affine_channel_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/weighted_multi_sample_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/reshape_ops_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/softplus_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/map_ops_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/rand_quantization_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/find_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/operator_test/ensure_cpu_output_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/convnet_benchmarks_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/pipeline_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/cached_reader.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/context.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/text_file_reader.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/extension_loader.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/rnn_cell.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/sparse_to_dense_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/parallelize_bmuf_distributed_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/ideep -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/ideep/dropout_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/ideep/LRN_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/ideep/test_ideep_net.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/ideep/__init__.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/ideep/convfusion_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/ideep/softmax_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/ideep/squeeze_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/ideep/concat_split_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/ideep/elementwise_sum_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/ideep/relu_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/ideep/spatial_bn_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/ideep/pool_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/ideep/transform_ideep_net.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/ideep/copy_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/ideep/fc_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/ideep/conv_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/functional.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/_import_c_extension.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/gradient_checker.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/checkpoint.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/build.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layer_test_util.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/regularizer_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/hypothesis_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/fused_8bit_rowwise_conversion_ops_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/core_gradients_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/models -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/models/resnet_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/models/__init__.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/models/download.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/models/resnet.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/models/__sym_init__.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/models/seq2seq -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/models/seq2seq/seq2seq_beam_search_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/models/seq2seq/beam_search.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/models/seq2seq/seq2seq_model_helper.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/models/seq2seq/__init__.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/models/seq2seq/seq2seq_model_helper_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/models/seq2seq/seq2seq_util.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/models/seq2seq/train.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/models/seq2seq/translate.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/mint -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/mint/__init__.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/mint/app.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/model_device_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/helpers -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/helpers/control_ops.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/helpers/dropout.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/helpers/tools.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/helpers/__init__.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/helpers/elementwise_linear.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/helpers/normalization.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/helpers/array_helpers.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/helpers/fc.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/helpers/conv.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/helpers/pooling.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/helpers/algebra.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/helpers/arg_scope.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/helpers/nonlinearity.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/helpers/db_input.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/helpers/train.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/cnn.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/core_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/workspace.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/muji.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/gru_cell.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/schema.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/dyndep.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/muji_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/toy_regression_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layer_model_helper.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/sparse_to_dense_mask_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/benchmark_generator.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/brew_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/optimizer_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/control_ops_grad.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/binarysize.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/control.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/rnn -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/rnn/__init__.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/rnn/lstm_comparison.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/rnn/rnn_cell_test_util.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/db_file_reader.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/tt_core_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/dataset.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/numa_benchmark.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/normalizer_context.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/lengths_reducer_rowwise_8bit_ops_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/timeout_guard.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/modeling -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/modeling/initializers.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/modeling/compute_histogram_for_blobs_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/modeling/initializers_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/modeling/compute_norm_for_blobs_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/modeling/__init__.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/modeling/gradient_clipping_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/modeling/parameter_sharing_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/modeling/compute_histogram_for_blobs.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/modeling/get_entry_from_blobs_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/modeling/parameter_info.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/modeling/get_entry_from_blobs.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/modeling/compute_norm_for_blobs.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/modeling/net_modifier.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/modeling/compute_statistics_for_blobs_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/modeling/parameter_sharing.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/modeling/gradient_clipping.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/modeling/compute_statistics_for_blobs.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/queue_util.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/lengths_reducer_fused_8bit_rowwise_ops_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/memonger_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/record_queue.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/pipeline.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/observer_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/functional_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/mkl -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/mkl/mkl_relu_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/mkl/mkl_squeeze_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/mkl/mkl_elementwise_sum_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/mkl/mkl_copy_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/mkl/mkl_elementwise_add_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/mkl/mkl_fill_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/mkl/__init__.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/mkl/mkl_LRN_speed_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/mkl/mkl_pool_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/mkl/rewrite_graph_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/mkl/mkl_speed_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/mkl/mkl_pool_speed_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/mkl/mkl_fc_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/mkl/mkl_LRN_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/mkl/mkl_fc_speed_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/mkl/mkl_conv_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/mkl/mkl_sbn_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/mkl/mkl_sigmoid_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/mkl/mkl_sbn_speed_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/mkl/mkl_concat_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/mkl/rewrite_graph.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/checkpoint_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/allcompare_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/lstm_benchmark.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/transformations_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/utils.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/transformations.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/test_util.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/layer_model_instantiator.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/recurrent.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/python/optimizer.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/sgd -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/sgd/CMakeFiles -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/experiments -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/experiments/__init__.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/experiments/python -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/experiments/python/funhash_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/experiments/python/tt_contraction_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/experiments/python/tt_pad_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/experiments/python/__init__.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/experiments/python/sparse_reshape_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/experiments/python/convnet_benchmarks.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/experiments/python/net_construct_bench.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/experiments/python/device_reduce_sum_bench.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/experiments/python/SparseTransformer.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/experiments/python/sparse_funhash_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/__init__.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/tensorboard -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/tensorboard/tensorboard_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/tensorboard/__init__.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/tensorboard/tensorboard_exporter.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/tensorboard/tensorboard.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/tensorboard/tensorboard_exporter_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/CMakeFiles -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/nccl -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/nccl/__init__.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/nccl/CMakeFiles -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/nccl/nccl_ops_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/playground -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/playground/compute_topk_accuracy.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/playground/AnyExpOnTerm.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/playground/__init__.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/playground/ModuleRegister.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/playground/compute_loss.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/playground/meter.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/playground/checkpoint.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/playground/module_map.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/playground/output_generator.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/playground/resnetdemo -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/playground/resnetdemo/override_no_test_model_no_checkpoint.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/playground/resnetdemo/rendezvous_filestore.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/playground/resnetdemo/__init__.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/playground/resnetdemo/caffe2_resnet50_default_param_update.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/playground/resnetdemo/IN1k_resnet_no_test_model.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/playground/resnetdemo/gfs_IN1k.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/playground/resnetdemo/caffe2_resnet50_default_forward.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/playground/resnetdemo/IN1k_resnet.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/playground/resnetdemo/explicit_resnet_forward.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/playground/resnetdemo/explicit_resnet_param_update.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/playground/AnyExp.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/opencl -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/opencl/CMakeFiles -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/nnpack -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/nnpack/__init__.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/nnpack/nnpack_ops_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/shm_mutex -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/shm_mutex/CMakeFiles -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/aten -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/aten/__init__.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/aten/gen_op.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/aten/CMakeFiles -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/aten/docs -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/aten/docs/__init__.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/aten/docs/sample.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/aten/aten_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/warpctc -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/warpctc/__init__.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/warpctc/ctc_ops_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/prof -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/prof/htrace_to_chrome.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/prof/__init__.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/prof/CMakeFiles -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/prof/cuda_profile_ops_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/cuda-convnet2 -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/cuda-convnet2/make-data -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/cuda-convnet2/make-data/__init__.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/cuda-convnet2/make-data/make-data.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/cuda-convnet2/make-data/pyext -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/cuda-convnet2/make-data/pyext/__init__.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/cuda-convnet2/convdata.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/cuda-convnet2/__init__.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/cuda-convnet2/layer.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/cuda-convnet2/convnet.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/cuda-convnet2/initw.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/cuda-convnet2/shownet.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/cuda-convnet2/python_util -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/cuda-convnet2/python_util/util.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/cuda-convnet2/python_util/__init__.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/cuda-convnet2/python_util/options.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/cuda-convnet2/python_util/data.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/cuda-convnet2/python_util/gpumodel.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/cuda-convnet2/cudaconvnet -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/cuda-convnet2/cudaconvnet/__init__.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/script -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/script/examples -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/script/examples/__init__.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/script/examples/run_examples.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/script/caffe2_script_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/script/__init__.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/script/CMakeFiles -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/gloo -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/gloo/__init__.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/gloo/CMakeFiles -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/contrib/gloo/gloo_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/torch -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/torch/CMakeFiles -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/torch/CMakeFiles/torch.dir -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/torch/CMakeFiles/torch.dir/csrc -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/torch/CMakeFiles/torch.dir/csrc/utils -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/torch/CMakeFiles/torch.dir/csrc/cuda -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/torch/CMakeFiles/torch.dir/csrc/api -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/torch/CMakeFiles/torch.dir/csrc/api/src -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/torch/CMakeFiles/torch.dir/csrc/api/src/nn -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/torch/CMakeFiles/torch.dir/csrc/api/src/nn/modules -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/torch/CMakeFiles/torch.dir/csrc/api/src/optim -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/torch/CMakeFiles/torch.dir/csrc/jit -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/torch/CMakeFiles/torch.dir/csrc/jit/generated -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/torch/CMakeFiles/torch.dir/csrc/jit/script -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/torch/CMakeFiles/torch.dir/csrc/jit/passes -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/torch/CMakeFiles/torch.dir/csrc/autograd -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/torch/CMakeFiles/torch.dir/csrc/autograd/generated -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/torch/CMakeFiles/torch.dir/csrc/autograd/functions -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/torch/CMakeFiles/test_api.dir -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/torch/CMakeFiles/test_api.dir/__ -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/torch/CMakeFiles/test_api.dir/__/test -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/torch/CMakeFiles/test_api.dir/__/test/cpp -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/torch/CMakeFiles/test_api.dir/__/test/cpp/api -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/torch/CMakeFiles/test_jit.dir -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/torch/CMakeFiles/test_jit.dir/csrc -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/torch/CMakeFiles/test_jit.dir/csrc/jit -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/torch/protobuf-nanopb -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/torch/protobuf-nanopb/nanopb_pb2.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/torch/protobuf-nanopb/CMakeFiles -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/torch/protobuf-nanopb/CMakeFiles/generate_nanopb_pb2.py.dir -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/torch/protobuf-nanopb/CMakeFiles/protobuf-nanopb.dir -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/torch/protobuf-nanopb/CMakeFiles/Export -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/torch/protobuf-nanopb/CMakeFiles/Export/lib -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/torch/protobuf-nanopb/CMakeFiles/Export/lib/cmake -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/torch/protobuf-nanopb/CMakeFiles/Export/lib/cmake/protobuf -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/torch/protobuf-nanopb/CMakeFiles/generate_plugin_pb2.py.dir -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/torch/protobuf-nanopb/plugin_pb2.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/mpi -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/mpi/CMakeFiles -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/ideep -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/ideep/CMakeFiles -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/queue -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/queue/CMakeFiles -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/share -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/share/CMakeFiles -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/share/contrib -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/share/contrib/CMakeFiles -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/share/contrib/nnpack -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/share/contrib/nnpack/CMakeFiles -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/share/contrib/depthwise -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/share/contrib/depthwise/CMakeFiles -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/video -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/video/CMakeFiles -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/proto -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/proto/hsm_pb2.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/proto/caffe2_pb2.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/proto/__init__.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/proto/prof_dag_pb2.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/proto/CMakeFiles -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/proto/CMakeFiles/Caffe2_PROTO.dir -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/proto/predictor_consts_pb2.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/proto/metanet_pb2.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/proto/caffe2_legacy_pb2.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/perfkernels -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/perfkernels/__init__.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/perfkernels/CMakeFiles -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/perfkernels/CMakeFiles/Caffe2_perfkernels_avx.dir -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/perfkernels/CMakeFiles/Caffe2_perfkernels_avx2.dir -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/perfkernels/hp_emblookup_codegen.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/aten -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/aten/CMakeFiles -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/aten/src -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/aten/src/THCUNN -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/aten/src/THCUNN/CMakeFiles -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/aten/src/THNN -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/aten/src/THNN/CMakeFiles -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/aten/src/TH -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/aten/src/TH/CMakeFiles -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/aten/src/ATen -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/aten/src/ATen/core -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/aten/src/ATen/core/CMakeFiles -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/aten/src/ATen/cmake-exports -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/aten/src/ATen/CMakeFiles -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/aten/src/ATen/test -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/aten/src/ATen/test/CMakeFiles -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/aten/src/THC -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/aten/src/THC/CMakeFiles -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/distributed -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/distributed/file_store_handler_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/distributed/redis_store_handler_op_test.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/distributed/__init__.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/distributed/CMakeFiles -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/distributed/store_ops_test_util.py -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/observers -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/observers/CMakeFiles -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/opt -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/opt/CMakeFiles -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/mkl -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/mkl/CMakeFiles -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/transforms -- Up-to-date: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/caffe2/transforms/CMakeFiles -- Installing: /root/pytorch/torch/lib/tmp_install/include/TH/TH.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/TH/THAllocator.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/TH/THMath.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/TH/THBlas.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/TH/THDiskFile.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/TH/THFile.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/TH/THFilePrivate.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/TH/THGeneral.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/TH/THGenerateAllTypes.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/TH/THGenerateDoubleType.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/TH/THGenerateFloatType.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/TH/THGenerateHalfType.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/TH/THGenerateLongType.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/TH/THGenerateIntType.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/TH/THGenerateShortType.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/TH/THGenerateCharType.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/TH/THGenerateByteType.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/TH/THGenerateFloatTypes.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/TH/THGenerateIntTypes.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/TH/THLapack.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/TH/THLogAdd.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/TH/THMemoryFile.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/TH/THRandom.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/TH/THSize.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/TH/THStorage.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/TH/THStorageFunctions.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/TH/THTensor.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/TH/THTensorApply.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/TH/THTensorDimApply.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/TH/THVector.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/TH/THHalf.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/TH/THTensor.hpp -- Installing: /root/pytorch/torch/lib/tmp_install/include/TH/THStorageFunctions.hpp -- Installing: /root/pytorch/torch/lib/tmp_install/include/TH/THGenerator.hpp -- Installing: /root/pytorch/torch/lib/tmp_install/include/TH/THTypeConversion.hpp -- Installing: /root/pytorch/torch/lib/tmp_install/include/TH/vector/AVX.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/TH/vector/AVX2.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/TH/vector/avx_mathfun.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/TH/generic/THBlas.cpp -- Installing: /root/pytorch/torch/lib/tmp_install/include/TH/generic/THBlas.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/TH/generic/THLapack.cpp -- Installing: /root/pytorch/torch/lib/tmp_install/include/TH/generic/THLapack.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/TH/generic/THStorage.cpp -- Installing: /root/pytorch/torch/lib/tmp_install/include/TH/generic/THStorage.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/TH/generic/THStorageCopy.cpp -- Installing: /root/pytorch/torch/lib/tmp_install/include/TH/generic/THStorageCopy.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/TH/generic/THTensor.cpp -- Installing: /root/pytorch/torch/lib/tmp_install/include/TH/generic/THTensor.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/TH/generic/THTensor.hpp -- Installing: /root/pytorch/torch/lib/tmp_install/include/TH/generic/THTensorConv.cpp -- Installing: /root/pytorch/torch/lib/tmp_install/include/TH/generic/THTensorConv.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/TH/generic/THTensorCopy.cpp -- Installing: /root/pytorch/torch/lib/tmp_install/include/TH/generic/THTensorCopy.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/TH/generic/THTensorLapack.cpp -- Installing: /root/pytorch/torch/lib/tmp_install/include/TH/generic/THTensorLapack.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/TH/generic/THTensorMath.cpp -- Installing: /root/pytorch/torch/lib/tmp_install/include/TH/generic/THTensorMath.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/TH/generic/THTensorRandom.cpp -- Installing: /root/pytorch/torch/lib/tmp_install/include/TH/generic/THTensorRandom.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/TH/generic/THVectorDispatch.cpp -- Installing: /root/pytorch/torch/lib/tmp_install/include/TH/generic/THVector.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/TH/generic/THTensorFastGetSet.hpp -- Installing: /root/pytorch/torch/lib/tmp_install/include/THNN/THNN.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/THNN/Reduction.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/THNN/generic/THNN.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/THC.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/THCGeneral.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/THCGeneral.hpp -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/THCBlas.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/THCSleep.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/THCStorage.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/THCStorageCopy.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/THCStream.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/THCThreadLocal.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/THCTensor.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/THCTensorCopy.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/THCTensorCopy.hpp -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/THCTensorRandom.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/THCTensorMath.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/THCApply.cuh -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/THCReduce.cuh -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/THCReduceAll.cuh -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/THCReduceApplyUtils.cuh -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/THCTensorMathReduce.cuh -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/THCAsmUtils.cuh -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/THCAtomics.cuh -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/THCScanUtils.cuh -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/THCSortUtils.cuh -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/THCAllocator.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/THCCachingAllocator.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/THCCachingHostAllocator.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/THCDeviceUtils.cuh -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/THCDeviceTensor.cuh -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/THCDeviceTensor-inl.cuh -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/THCDeviceTensorUtils.cuh -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/THCDeviceTensorUtils-inl.cuh -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/THCGenerateAllTypes.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/THCGenerateByteType.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/THCGenerateCharType.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/THCGenerateShortType.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/THCGenerateIntType.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/THCGenerateLongType.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/THCGenerateHalfType.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/THCGenerateFloatType.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/THCGenerateFloatTypes.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/THCGenerateDoubleType.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/THCHalf.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/THCIntegerDivider.cuh -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/THCNumerics.cuh -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/THCTensorSort.cuh -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/THCTensorInfo.cuh -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/THCTensorMathPointwise.cuh -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/THCTensorTypeUtils.cuh -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/THCTensorRandom.cuh -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/THCTensorMathMagma.cuh -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/THCThrustAllocator.cuh -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/THCTensorMode.cuh -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/THCTensorTopK.cuh -- Up-to-date: /root/pytorch/torch/lib/tmp_install/include/THC/THCCachingAllocator.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/THCGenerator.hpp -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/THCTensor.hpp -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/THCStorage.hpp -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/generic/THCStorage.cpp -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/generic/THCStorage.cu -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/generic/THCStorage.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/generic/THCTensor.cpp -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/generic/THCTensor.cu -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/generic/THCTensor.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/generic/THCTensor.hpp -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/generic/THCStorageCopy.cpp -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/generic/THCStorageCopy.cu -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/generic/THCStorageCopy.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/generic/THCTensorCopy.cpp -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/generic/THCTensorCopy.cu -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/generic/THCTensorCopy.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/generic/THCTensorMasked.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/generic/THCTensorMasked.cu -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/generic/THCTensorMath.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/generic/THCTensorMath.cu -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/generic/THCTensorMathBlas.cu -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/generic/THCTensorMathBlas.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/generic/THCTensorMathCompare.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/generic/THCTensorMathCompare.cu -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/generic/THCTensorMathCompareT.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/generic/THCTensorMathCompareT.cu -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/generic/THCTensorMathMagma.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/generic/THCTensorMathMagma.cu -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/generic/THCTensorMathPairwise.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/generic/THCTensorMathPairwise.cu -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/generic/THCTensorMathPointwise.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/generic/THCTensorMathPointwise.cu -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/generic/THCTensorMathReduce.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/generic/THCTensorMathReduce.cu -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/generic/THCTensorMathScan.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/generic/THCTensorMathScan.cu -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/generic/THCTensorScatterGather.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/generic/THCTensorScatterGather.cu -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/generic/THCTensorIndex.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/generic/THCTensorIndex.cu -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/generic/THCTensorSort.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/generic/THCTensorSort.cu -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/generic/THCTensorRandom.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/generic/THCTensorRandom.cu -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/generic/THCTensorMode.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/generic/THCTensorMode.cu -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/generic/THCTensorTopK.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/THC/generic/THCTensorTopK.cu -- Installing: /root/pytorch/torch/lib/tmp_install/include/THCUNN -- Installing: /root/pytorch/torch/lib/tmp_install/include/THCUNN/vol2col.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/THCUNN/THCHalfAutoNumerics.cuh -- Installing: /root/pytorch/torch/lib/tmp_install/include/THCUNN/im2col.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/THCUNN/SharedMem.cuh -- Installing: /root/pytorch/torch/lib/tmp_install/include/THCUNN/common.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/THCUNN/linear_upsampling.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/THCUNN/generic -- Installing: /root/pytorch/torch/lib/tmp_install/include/THCUNN/generic/THCUNN.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/THCUNN/THCUNN.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/THCUNN/row2col.h -- Installing: /root/pytorch/torch/lib/tmp_install/share/cmake/ATen/ATenConfig.cmake -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/ATen.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/ATenGeneral.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/AccumulateType.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/Allocator.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/ArrayRef.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/Backend.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/Backtrace.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/CPUApplyUtils.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/CPUFixedAllocator.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/CPUGeneral.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/CUDAGuard.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/CUDAStream.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/CheckGenerator.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/Config.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/Context.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/DLConvertor.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/Deprecated.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/Device.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/DeviceGuard.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/DimVector.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/Dispatch.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/Error.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/ExpandUtils.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/Formatting.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/Generator.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/Half.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/InferSize.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/Layout.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/MatrixRef.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/OptionsGuard.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/Parallel.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/Registry.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/Retainable.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/Scalar.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/ScalarType.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/ScalarTypeUtils.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/SmallVector.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/SparseTensorImpl.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/SparseTensorRef.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/Storage.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/StorageImpl.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/TensorAccessor.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/TensorBase.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/TensorGeometry.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/TensorImpl.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/TensorOperators.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/TensorOptions.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/TensorUtils.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/UndefinedTensor.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/UndefinedType.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/Utils.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/WrapDimUtils.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/WrapDimUtilsMulti.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/div_rtn.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/dlpack.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/optional.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/detail/CUDAHooksInterface.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/detail/FunctionTraits.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/detail/ScalarTypeConversions.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/detail/VariableHooksInterface.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/core/ATenCoreTest.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/core/AlignOf.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/core/ArrayRef.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/core/Backtrace.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/core/C++17.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/core/DeviceType.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/core/Error.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/core/Half-inl.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/core/Half.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/core/IdWrapper.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/core/Macros.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/core/ScalarType.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/core/SmallVector.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/core/TensorTypeId.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/core/TensorTypeIdRegistration.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/core/UniqueVoidPtr.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/core/intrusive_ptr.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/core/optional.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/core/typeid.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/cuda/ATenCUDAGeneral.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/cuda/CUDAConfig.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/cuda/CUDAContext.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/cuda/CUDAGuard.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/cuda/CUDAStream.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/cuda/Exceptions.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/cuda/PinnedMemoryAllocator.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/cuda/detail/CUDAHooks.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/cuda/detail/KernelUtils.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/cuda/CUDAApplyUtils.cuh -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/cuda/CUDAHalf.cuh -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/cuda/CUDATensorMethods.cuh -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/cuda/detail/IndexUtils.cuh -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/cuda/detail/OffsetCalculator.cuh -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/cuda/detail/TensorInfo.cuh -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/cudnn/Descriptors.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/cudnn/Exceptions.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/cudnn/Handles.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/cudnn/Types.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/cudnn/Utils.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/cudnn/cudnn-wrapper.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/CPUByteType.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/CPUCharType.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/CPUDoubleType.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/CPUFloatType.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/CPUGenerator.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/CPUHalfType.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/CPUIntType.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/CPULongType.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/CPUShortType.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/Functions.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/NativeFunctions.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/SparseCPUByteType.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/SparseCPUCharType.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/SparseCPUDoubleType.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/SparseCPUFloatType.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/SparseCPUIntType.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/SparseCPULongType.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/SparseCPUShortType.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/Tensor.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/TensorMethods.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/Type.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/CUDAByteType.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/CUDACharType.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/CUDADoubleType.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/CUDAFloatType.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/CUDAGenerator.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/CUDAHalfType.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/CUDAIntType.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/CUDALongType.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/CUDAShortType.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/RegisterCUDA.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/SparseCUDAByteType.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/SparseCUDACharType.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/SparseCUDADoubleType.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/SparseCUDAFloatType.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/SparseCUDAIntType.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/SparseCUDALongType.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/ATen/SparseCUDAShortType.h -- Installing: /root/pytorch/torch/lib/tmp_install/share/ATen/Declarations.yaml -- Installing: /root/pytorch/torch/lib/tmp_install/include/sleef.h -- Installing: /root/pytorch/torch/lib/tmp_install/lib/libsleef.a -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/torch.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/python_headers.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/Exceptions.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/copy_utils.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/nn -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/nn/type_checks.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/utils.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/serialization.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/onnx -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/onnx/onnx.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/onnx/init.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/Types.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/utils -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/utils/disallow_copy.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/utils/variadic.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/utils/python_scalars.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/utils/python_stub.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/utils/auto_gil.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/utils/tensor_types.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/utils/python_numbers.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/utils/tensor_flatten.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/utils/tensor_conversion_dispatch.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/utils/python_compat.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/utils/tensor_layouts.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/utils/tensor_apply.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/utils/tuple_parser.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/utils/python_strings.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/utils/cuda_enabled.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/utils/tensor_dtypes.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/utils/python_tuples.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/utils/hash.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/utils/memory.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/utils/tensor_new.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/utils/invalid_arguments.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/utils/tensor_numpy.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/utils/pybind.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/utils/tensor_list.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/utils/python_arg_parser.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/utils/object_ptr.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/utils/cuda_lazy_init.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/utils/numpy_stub.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/utils/functional.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/tensor -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/tensor/python_tensor.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/cuda -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/cuda/utils.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/cuda/serialization.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/cuda/device_set.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/cuda/undef_macros.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/cuda/THCP.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/cuda/restore_macros.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/cuda/cuda_check.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/cuda/python_comm.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/cuda/Stream.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/cuda/nccl.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/cuda/Storage.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/cuda/python_nccl.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/cuda/Module.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/cuda/comm.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/cuda/override_macros.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/THP.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/api -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/api/src -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/api/src/nn -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/api/src/nn/modules -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/api/src/optim -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/api/include -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/api/include/torch -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/api/include/torch/cuda.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/api/include/torch/optim.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/api/include/torch/torch.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/api/include/torch/nn -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/api/include/torch/nn/parallel -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/api/include/torch/nn/parallel/data_parallel.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/api/include/torch/nn/modules.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/api/include/torch/nn/cloneable.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/api/include/torch/nn/cursor.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/api/include/torch/nn/init.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/api/include/torch/nn/pimpl.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/api/include/torch/nn/module.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/api/include/torch/nn/modules -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/api/include/torch/nn/modules/batchnorm.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/api/include/torch/nn/modules/conv.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/api/include/torch/nn/modules/linear.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/api/include/torch/nn/modules/any.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/api/include/torch/nn/modules/rnn.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/api/include/torch/nn/modules/dropout.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/api/include/torch/nn/modules/embedding.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/api/include/torch/nn/modules/sequential.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/api/include/torch/nn/modules/functional.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/api/include/torch/optim -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/api/include/torch/optim/rmsprop.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/api/include/torch/optim/optimizer.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/api/include/torch/optim/adagrad.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/api/include/torch/optim/adam.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/api/include/torch/optim/lbfgs.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/api/include/torch/optim/sgd.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/api/include/torch/utils.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/api/include/torch/serialization.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/api/include/torch/expanding_array.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/api/include/torch/detail -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/api/include/torch/detail/static.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/api/include/torch/detail/ordered_dict.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/api/include/torch/nn.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/api/include/torch/tensor_list_view.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/api/include/torch/tensor.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/PythonTypes.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/jit -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/jit/autodiff.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/jit/python_ir.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/jit/interned_strings_class.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/jit/custom_operator.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/jit/source_range.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/jit/import.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/jit/serialization.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/jit/source_location.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/jit/batched -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/jit/batched/BatchTensor.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/jit/export.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/jit/variable_tensor_list.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/jit/generated -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/jit/generated/aten_interned_strings.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/jit/fusion_compiler.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/jit/python_arg_flatten.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/jit/interpreter.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/jit/pybind_utils.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/jit/function_schema.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/jit/interned_strings.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/jit/generic_if.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/jit/tracer.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/jit/argument_spec.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/jit/python_tracer.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/jit/symbolic_variable.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/jit/graph_executor.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/jit/code_template.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/jit/resource_guard.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/jit/ir.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/jit/pybind.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/jit/init.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/jit/stack.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/jit/operator.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/jit/attributes.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/jit/named_value.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/jit/ivalue.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/jit/constants.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/jit/script -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/jit/script/parser.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/jit/script/python_tree_views.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/jit/script/lexer.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/jit/script/tree_views.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/jit/script/compiler.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/jit/script/init.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/jit/script/module.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/jit/script/error_report.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/jit/script/tree.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/jit/assertions.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/jit/passes -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/jit/passes/create_autodiff_subgraphs.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/jit/passes/onnx.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/jit/passes/shape_analysis.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/jit/passes/canonicalize.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/jit/passes/graph_fuser.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/jit/passes/onnx -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/jit/passes/onnx/fixup_onnx_loop.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/jit/passes/onnx/peephole.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/jit/passes/common_subexpression_elimination.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/jit/passes/lower_tuples.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/jit/passes/loop_unrolling.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/jit/passes/to_batch.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/jit/passes/inplace_check.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/jit/passes/peephole.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/jit/passes/dead_code_elimination.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/jit/passes/batch_mm.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/jit/passes/erase_number_types.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/jit/passes/remove_expands.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/jit/passes/lower_grad_of.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/jit/passes/constant_propagation.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/jit/passes/specialize_undef.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/jit/passes/decompose_addmm.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/jit/graph_node_list.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/jit/type.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/Size.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/Generator.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/THP_export.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/Dtype.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/generic -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/generic/utils.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/generic/serialization.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/generic/Storage.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/DynamicTypes.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/Storage.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/distributed -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/distributed/THDP.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/distributed/copy_utils.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/distributed/utils.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/distributed/undef_macros.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/distributed/Storage.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/distributed/c10d -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/distributed/c10d/c10d.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/distributed/c10d/ddp.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/distributed/override_macros.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/Device.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/autograd -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/autograd/input_buffer.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/autograd/input_metadata.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/autograd/saved_variable.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/autograd/function.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/autograd/python_anomaly_mode.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/autograd/autograd.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/autograd/variable.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/autograd/type_and_shape.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/autograd/python_engine.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/autograd/python_variable_indexing.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/autograd/anomaly_mode.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/autograd/utils -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/autograd/utils/wrap_outputs.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/autograd/utils/python_arg_parsing.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/autograd/utils/python_error_messages.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/autograd/python_variable.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/autograd/generated -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/autograd/generated/python_functions.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/autograd/generated/python_variable_methods_dispatch.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/autograd/generated/python_nn_functions.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/autograd/generated/VariableType.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/autograd/generated/python_nn_functions_dispatch.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/autograd/generated/python_torch_functions_dispatch.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/autograd/generated/Functions.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/autograd/generated/variable_factories.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/autograd/variable_version.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/autograd/python_legacy_variable.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/autograd/edge.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/autograd/function_hook.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/autograd/engine.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/autograd/python_function.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/autograd/profiler.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/autograd/functions -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/autograd/functions/accumulate_grad.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/autograd/functions/utils.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/autograd/functions/basic_ops.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/autograd/functions/pybind.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/autograd/functions/tensor.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/autograd/functions/comm.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/autograd/python_hook.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/autograd/symbolic.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/autograd/python_cpp_function.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/autograd/grad_mode.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/Layout.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/byte_order.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/WindowsTorchApiMacro.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/Module.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/THP_API.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/variable_tensor_functions.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/PtrWrapper.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/libtorch/torch/csrc/DataLoader.h -- Installing: /root/pytorch/torch/lib/tmp_install/lib/libtorch.so.1 -- Installing: /root/pytorch/torch/lib/tmp_install/lib/libtorch.so -- Set runtime path of "/root/pytorch/torch/lib/tmp_install/lib/libtorch.so.1" to "/root/pytorch/torch/lib/tmp_install/lib:/usr/local/cuda-9.2/lib64:/usr/local/lib:/root/usr/local/opencv/lib" -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/nanopb_pb2.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/python3.7/site-packages/plugin_pb2.py -- Installing: /root/pytorch/torch/lib/tmp_install/lib/libprotobuf-nanopb.a -- Installing: /root/pytorch/torch/lib/tmp_install/lib/cmake/protobuf/nanopb-targets.cmake -- Installing: /root/pytorch/torch/lib/tmp_install/lib/cmake/protobuf/nanopb-targets-release.cmake -- Installing: /root/pytorch/torch/lib/tmp_install/lib/cmake/protobuf/nanopb-config.cmake -- Installing: /root/pytorch/torch/lib/tmp_install/lib/cmake/protobuf/nanopb-config-version.cmake -- Installing: /root/pytorch/torch/lib/tmp_install/include/pb.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/pb_common.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/pb_encode.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/pb_decode.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/proto/caffe2.pb.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/proto/caffe2_legacy.pb.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/proto/hsm.pb.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/proto/metanet.pb.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/proto/predictor_consts.pb.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/caffe2/proto/prof_dag.pb.h -- Installing: /root/pytorch/torch/lib/tmp_install/lib/libnomnigraph.a -- Installing: /root/pytorch/torch/lib/tmp_install/include/include -- Installing: /root/pytorch/torch/lib/tmp_install/include/include/nomnigraph -- Installing: /root/pytorch/torch/lib/tmp_install/include/include/nomnigraph/Transformations -- Installing: /root/pytorch/torch/lib/tmp_install/include/include/nomnigraph/Transformations/SubgraphMatcher.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/include/nomnigraph/Transformations/Match.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/include/nomnigraph/Support -- Installing: /root/pytorch/torch/lib/tmp_install/include/include/nomnigraph/Support/Common.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/include/nomnigraph/Support/Pointer.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/include/nomnigraph/Support/Casting.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/include/nomnigraph/Graph -- Installing: /root/pytorch/torch/lib/tmp_install/include/include/nomnigraph/Graph/Algorithms.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/include/nomnigraph/Graph/TarjansImpl.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/include/nomnigraph/Graph/Graph.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/include/nomnigraph/Graph/BinaryMatchImpl.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/include/nomnigraph/Converters -- Installing: /root/pytorch/torch/lib/tmp_install/include/include/nomnigraph/Converters/Dot.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/include/nomnigraph/Representations -- Installing: /root/pytorch/torch/lib/tmp_install/include/include/nomnigraph/Representations/NeuralNet.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/include/nomnigraph/Representations/Compiler.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/include/nomnigraph/Representations/ControlFlow.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/include/nomnigraph/Generated -- Installing: /root/pytorch/torch/lib/tmp_install/include/include/nomnigraph/Generated/OpClasses.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/include/nomnigraph/Generated/OpEnum.h -- Installing: /root/pytorch/torch/lib/tmp_install/include/include/nomnigraph/Generated/OpNames.h -- Installing: /root/pytorch/torch/lib/tmp_install/lib/libcaffe2_detectron_ops_gpu.so -- Set runtime path of "/root/pytorch/torch/lib/tmp_install/lib/libcaffe2_detectron_ops_gpu.so" to "/root/pytorch/torch/lib/tmp_install/lib:/usr/local/cuda-9.2/lib64:/usr/local/lib:/root/usr/local/opencv/lib" -- Installing: /root/pytorch/torch/lib/tmp_install/lib/libcaffe2_observers.so -- Set runtime path of "/root/pytorch/torch/lib/tmp_install/lib/libcaffe2_observers.so" to "/root/pytorch/torch/lib/tmp_install/lib:/usr/local/cuda-9.2/lib64:/usr/local/lib" + [[ 1 -ne 0 ]] + find . -name proto ./caffe2/proto + for proto_file in ./caffe2/proto/*.py + cp ./caffe2/proto/__init__.py /root/pytorch/caffe2/proto/ + for proto_file in ./caffe2/proto/*.py + cp ./caffe2/proto/caffe2_legacy_pb2.py /root/pytorch/caffe2/proto/ + for proto_file in ./caffe2/proto/*.py + cp ./caffe2/proto/caffe2_pb2.py /root/pytorch/caffe2/proto/ + for proto_file in ./caffe2/proto/*.py + cp ./caffe2/proto/hsm_pb2.py /root/pytorch/caffe2/proto/ + for proto_file in ./caffe2/proto/*.py + cp ./caffe2/proto/metanet_pb2.py /root/pytorch/caffe2/proto/ + for proto_file in ./caffe2/proto/*.py + cp ./caffe2/proto/predictor_consts_pb2.py /root/pytorch/caffe2/proto/ + for proto_file in ./caffe2/proto/*.py + cp ./caffe2/proto/prof_dag_pb2.py /root/pytorch/caffe2/proto/ + popd ~/pytorch ~/pytorch ++ uname + [[ Linux == \D\a\r\w\i\n ]] + popd ~/pytorch + for arg in "$@" + [[ nanopb == \n\c\c\l ]] + [[ nanopb == \g\l\o\o ]] + [[ nanopb == \c\a\f\f\e\2 ]] + [[ nanopb == \T\H\D ]] + [[ nanopb == \l\i\b\s\h\m ]] + [[ nanopb == \l\i\b\s\h\m\_\w\i\n\d\o\w\s ]] + [[ nanopb == \c\1\0\d ]] + pushd /root/pytorch/third_party ~/pytorch/third_party ~/pytorch + build nanopb + mkdir -p build/nanopb + pushd build/nanopb ~/pytorch/third_party/build/nanopb ~/pytorch/third_party ~/pytorch + BUILD_C_FLAGS= + case $1 in + BUILD_C_FLAGS=' -I"/root/pytorch/torch/lib/tmp_install/include" -I"/root/pytorch/torch/lib/tmp_install/include/TH" -I"/root/pytorch/torch/lib/tmp_install/include/THC" -I"/root/pytorch/torch/lib/tmp_install/include/THS" -I"/root/pytorch/torch/lib/tmp_install/include/THCS" -I"/root/pytorch/torch/lib/tmp_install/include/THNN" -I"/root/pytorch/torch/lib/tmp_install/include/THCUNN" -DOMPI_SKIP_MPICXX=1 -fPIC -fexceptions' + cmake ../../nanopb -DCMAKE_MODULE_PATH=/root/pytorch/cmake/Modules_CUDA_fix -DTorch_FOUND=1 -DCMAKE_INSTALL_PREFIX=/root/pytorch/torch/lib/tmp_install '-DCMAKE_C_FLAGS= -I"/root/pytorch/torch/lib/tmp_install/include" -I"/root/pytorch/torch/lib/tmp_install/include/TH" -I"/root/pytorch/torch/lib/tmp_install/include/THC" -I"/root/pytorch/torch/lib/tmp_install/include/THS" -I"/root/pytorch/torch/lib/tmp_install/include/THCS" -I"/root/pytorch/torch/lib/tmp_install/include/THNN" -I"/root/pytorch/torch/lib/tmp_install/include/THCUNN" -DOMPI_SKIP_MPICXX=1 -fPIC -fexceptions ' '-DCMAKE_CXX_FLAGS= -I"/root/pytorch/torch/lib/tmp_install/include" -I"/root/pytorch/torch/lib/tmp_install/include/TH" -I"/root/pytorch/torch/lib/tmp_install/include/THC" -I"/root/pytorch/torch/lib/tmp_install/include/THS" -I"/root/pytorch/torch/lib/tmp_install/include/THCS" -I"/root/pytorch/torch/lib/tmp_install/include/THNN" -I"/root/pytorch/torch/lib/tmp_install/include/THCUNN" -DOMPI_SKIP_MPICXX=1 -fPIC -fexceptions -std=c++11 ' '-DCMAKE_EXE_LINKER_FLAGS=-L"/root/pytorch/torch/lib/tmp_install/lib" -Wl,-rpath,$ORIGIN ' '-DCMAKE_SHARED_LINKER_FLAGS=-L"/root/pytorch/torch/lib/tmp_install/lib" -Wl,-rpath,$ORIGIN ' -DCMAKE_INSTALL_LIBDIR=/root/pytorch/torch/lib/tmp_install/lib '-DCUDA_NVCC_FLAGS= -I"/root/pytorch/torch/lib/tmp_install/include" -I"/root/pytorch/torch/lib/tmp_install/include/TH" -I"/root/pytorch/torch/lib/tmp_install/include/THC" -I"/root/pytorch/torch/lib/tmp_install/include/THS" -I"/root/pytorch/torch/lib/tmp_install/include/THCS" -I"/root/pytorch/torch/lib/tmp_install/include/THNN" -I"/root/pytorch/torch/lib/tmp_install/include/THCUNN" -DOMPI_SKIP_MPICXX=1' -DCUDA_DEVICE_DEBUG=0 -DCMAKE_PREFIX_PATH=/root/pytorch/torch/lib/tmp_install '-Dcwrap_files=/root/pytorch/torch/lib/ATen/Declarations.cwrap;/root/pytorch/torch/lib/THNN/generic/THNN.h;/root/pytorch/torch/lib/THCUNN/generic/THCUNN.h;/root/pytorch/torch/lib/ATen/nn.yaml' -DTH_INCLUDE_PATH=/root/pytorch/torch/lib/tmp_install/include -DTH_LIB_PATH=/root/pytorch/torch/lib/tmp_install/lib -DTH_LIBRARIES=/root/pytorch/torch/lib/tmp_install/lib/libTH.so -DCAFFE2_LIBRARIES=/root/pytorch/torch/lib/tmp_install/lib/libcaffe2.so -DTHNN_LIBRARIES=/root/pytorch/torch/lib/tmp_install/lib/libTHNN.so -DTHCUNN_LIBRARIES=/root/pytorch/torch/lib/tmp_install/lib/libTHCUNN.so -DTHS_LIBRARIES=/root/pytorch/torch/lib/tmp_install/lib/libTHS.so -DTHC_LIBRARIES=/root/pytorch/torch/lib/tmp_install/lib/libTHC.so -DTHCS_LIBRARIES=/root/pytorch/torch/lib/tmp_install/lib/libTHCS.so -DTH_SO_VERSION=1 -DTHC_SO_VERSION=1 -DTHNN_SO_VERSION=1 -DTHCUNN_SO_VERSION=1 -DTHD_SO_VERSION=1 -DUSE_CUDA=1 -DNO_NNPACK=0 -DNCCL_EXTERNAL=1 -Dnanopb_BUILD_GENERATOR=0 -DCMAKE_DEBUG_POSTFIX= -DCMAKE_BUILD_TYPE=Release -DCMAKE_EXPORT_COMPILE_COMMANDS=1 -- The C compiler identification is GNU 6.4.0 -- Check for working C compiler: /usr/bin/gcc-6 -- Check for working C compiler: /usr/bin/gcc-6 -- works -- Detecting C compiler ABI info -- Detecting C compiler ABI info - done -- Detecting C compile features -- Detecting C compile features - done -- Configuring done -- Generating done CMake Warning: Manually-specified variables were not used by the project: CAFFE2_LIBRARIES CMAKE_CXX_FLAGS CMAKE_DEBUG_POSTFIX CUDA_DEVICE_DEBUG CUDA_NVCC_FLAGS NCCL_EXTERNAL NO_NNPACK THCS_LIBRARIES THCUNN_LIBRARIES THCUNN_SO_VERSION THC_LIBRARIES THC_SO_VERSION THD_SO_VERSION THNN_LIBRARIES THNN_SO_VERSION THS_LIBRARIES TH_INCLUDE_PATH TH_LIBRARIES TH_LIB_PATH TH_SO_VERSION Torch_FOUND USE_CUDA cwrap_files -- Build files have been written to: /root/pytorch/third_party/build/nanopb + make install -j12 Scanning dependencies of target protobuf-nanopb [ 75%] Building C object CMakeFiles/protobuf-nanopb.dir/pb_encode.c.o [ 75%] Building C object CMakeFiles/protobuf-nanopb.dir/pb_common.c.o [ 75%] Building C object CMakeFiles/protobuf-nanopb.dir/pb_decode.c.o [100%] Linking C static library libprotobuf-nanopb.a [100%] Built target protobuf-nanopb Install the project... -- Install configuration: "Release" -- Installing: /root/pytorch/torch/lib/tmp_install/lib/libprotobuf-nanopb.a -- Installing: /root/pytorch/torch/lib/tmp_install/lib/cmake/nanopb/nanopb-targets.cmake -- Installing: /root/pytorch/torch/lib/tmp_install/lib/cmake/nanopb/nanopb-targets-release.cmake -- Installing: /root/pytorch/torch/lib/tmp_install/lib/cmake/nanopb/nanopb-config.cmake -- Installing: /root/pytorch/torch/lib/tmp_install/lib/cmake/nanopb/nanopb-config-version.cmake -- Up-to-date: /root/pytorch/torch/lib/tmp_install/include/pb.h -- Up-to-date: /root/pytorch/torch/lib/tmp_install/include/pb_common.h -- Up-to-date: /root/pytorch/torch/lib/tmp_install/include/pb_encode.h -- Up-to-date: /root/pytorch/torch/lib/tmp_install/include/pb_decode.h + popd ~/pytorch/third_party ~/pytorch ++ uname + [[ Linux == \D\a\r\w\i\n ]] + popd ~/pytorch + for arg in "$@" + [[ libshm == \n\c\c\l ]] + [[ libshm == \g\l\o\o ]] + [[ libshm == \c\a\f\f\e\2 ]] + [[ libshm == \T\H\D ]] + [[ libshm == \l\i\b\s\h\m ]] + pushd /root/pytorch/torch/lib ~/pytorch/torch/lib ~/pytorch + build libshm + mkdir -p build/libshm + pushd build/libshm ~/pytorch/torch/lib/build/libshm ~/pytorch/torch/lib ~/pytorch + BUILD_C_FLAGS= + case $1 in + BUILD_C_FLAGS=' -I"/root/pytorch/torch/lib/tmp_install/include" -I"/root/pytorch/torch/lib/tmp_install/include/TH" -I"/root/pytorch/torch/lib/tmp_install/include/THC" -I"/root/pytorch/torch/lib/tmp_install/include/THS" -I"/root/pytorch/torch/lib/tmp_install/include/THCS" -I"/root/pytorch/torch/lib/tmp_install/include/THNN" -I"/root/pytorch/torch/lib/tmp_install/include/THCUNN" -DOMPI_SKIP_MPICXX=1 -fexceptions' + cmake ../../libshm -DCMAKE_MODULE_PATH=/root/pytorch/cmake/Modules_CUDA_fix -DTorch_FOUND=1 -DCMAKE_INSTALL_PREFIX=/root/pytorch/torch/lib/tmp_install '-DCMAKE_C_FLAGS= -I"/root/pytorch/torch/lib/tmp_install/include" -I"/root/pytorch/torch/lib/tmp_install/include/TH" -I"/root/pytorch/torch/lib/tmp_install/include/THC" -I"/root/pytorch/torch/lib/tmp_install/include/THS" -I"/root/pytorch/torch/lib/tmp_install/include/THCS" -I"/root/pytorch/torch/lib/tmp_install/include/THNN" -I"/root/pytorch/torch/lib/tmp_install/include/THCUNN" -DOMPI_SKIP_MPICXX=1 -fexceptions ' '-DCMAKE_CXX_FLAGS= -I"/root/pytorch/torch/lib/tmp_install/include" -I"/root/pytorch/torch/lib/tmp_install/include/TH" -I"/root/pytorch/torch/lib/tmp_install/include/THC" -I"/root/pytorch/torch/lib/tmp_install/include/THS" -I"/root/pytorch/torch/lib/tmp_install/include/THCS" -I"/root/pytorch/torch/lib/tmp_install/include/THNN" -I"/root/pytorch/torch/lib/tmp_install/include/THCUNN" -DOMPI_SKIP_MPICXX=1 -fexceptions -std=c++11 ' '-DCMAKE_EXE_LINKER_FLAGS=-L"/root/pytorch/torch/lib/tmp_install/lib" -Wl,-rpath,$ORIGIN ' '-DCMAKE_SHARED_LINKER_FLAGS=-L"/root/pytorch/torch/lib/tmp_install/lib" -Wl,-rpath,$ORIGIN ' -DCMAKE_INSTALL_LIBDIR=/root/pytorch/torch/lib/tmp_install/lib '-DCUDA_NVCC_FLAGS= -I"/root/pytorch/torch/lib/tmp_install/include" -I"/root/pytorch/torch/lib/tmp_install/include/TH" -I"/root/pytorch/torch/lib/tmp_install/include/THC" -I"/root/pytorch/torch/lib/tmp_install/include/THS" -I"/root/pytorch/torch/lib/tmp_install/include/THCS" -I"/root/pytorch/torch/lib/tmp_install/include/THNN" -I"/root/pytorch/torch/lib/tmp_install/include/THCUNN" -DOMPI_SKIP_MPICXX=1' -DCUDA_DEVICE_DEBUG=0 -DCMAKE_PREFIX_PATH=/root/pytorch/torch/lib/tmp_install '-Dcwrap_files=/root/pytorch/torch/lib/ATen/Declarations.cwrap;/root/pytorch/torch/lib/THNN/generic/THNN.h;/root/pytorch/torch/lib/THCUNN/generic/THCUNN.h;/root/pytorch/torch/lib/ATen/nn.yaml' -DTH_INCLUDE_PATH=/root/pytorch/torch/lib/tmp_install/include -DTH_LIB_PATH=/root/pytorch/torch/lib/tmp_install/lib -DTH_LIBRARIES=/root/pytorch/torch/lib/tmp_install/lib/libTH.so -DCAFFE2_LIBRARIES=/root/pytorch/torch/lib/tmp_install/lib/libcaffe2.so -DTHNN_LIBRARIES=/root/pytorch/torch/lib/tmp_install/lib/libTHNN.so -DTHCUNN_LIBRARIES=/root/pytorch/torch/lib/tmp_install/lib/libTHCUNN.so -DTHS_LIBRARIES=/root/pytorch/torch/lib/tmp_install/lib/libTHS.so -DTHC_LIBRARIES=/root/pytorch/torch/lib/tmp_install/lib/libTHC.so -DTHCS_LIBRARIES=/root/pytorch/torch/lib/tmp_install/lib/libTHCS.so -DTH_SO_VERSION=1 -DTHC_SO_VERSION=1 -DTHNN_SO_VERSION=1 -DTHCUNN_SO_VERSION=1 -DTHD_SO_VERSION=1 -DUSE_CUDA=1 -DNO_NNPACK=0 -DNCCL_EXTERNAL=1 -Dnanopb_BUILD_GENERATOR=0 -DCMAKE_DEBUG_POSTFIX= -DCMAKE_BUILD_TYPE=Release -DCMAKE_EXPORT_COMPILE_COMMANDS=1 -- The C compiler identification is GNU 6.4.0 -- The CXX compiler identification is GNU 6.4.0 -- Check for working C compiler: /usr/bin/gcc-6 -- Check for working C compiler: /usr/bin/gcc-6 -- works -- Detecting C compiler ABI info -- Detecting C compiler ABI info - done -- Detecting C compile features -- Detecting C compile features - done -- Check for working CXX compiler: /usr/bin/g++-6 -- Check for working CXX compiler: /usr/bin/g++-6 -- works -- Detecting CXX compiler ABI info -- Detecting CXX compiler ABI info - done -- Detecting CXX compile features -- Detecting CXX compile features - done -- Looking for pthread.h -- Looking for pthread.h - found -- Looking for pthread_create -- Looking for pthread_create - not found -- Looking for pthread_create in pthreads -- Looking for pthread_create in pthreads - not found -- Looking for pthread_create in pthread -- Looking for pthread_create in pthread - found -- Found Threads: TRUE CMake Warning (dev) at /root/pytorch/torch/lib/tmp_install/share/cmake/Caffe2/Caffe2Config.cmake:21 (if): if given arguments: "ON" An argument named "ON" appears in a conditional statement. Policy CMP0012 is not set: if() recognizes numbers and boolean constants. Run "cmake --help-policy CMP0012" for policy details. Use the cmake_policy command to set the policy and suppress this warning. Call Stack (most recent call first): CMakeLists.txt:7 (FIND_PACKAGE) This warning is for project developers. Use -Wno-dev to suppress it. CMake Warning (dev) at /root/pytorch/torch/lib/tmp_install/share/cmake/Caffe2/Caffe2Config.cmake:35 (if): if given arguments: "ON" An argument named "ON" appears in a conditional statement. Policy CMP0012 is not set: if() recognizes numbers and boolean constants. Run "cmake --help-policy CMP0012" for policy details. Use the cmake_policy command to set the policy and suppress this warning. Call Stack (most recent call first): CMakeLists.txt:7 (FIND_PACKAGE) This warning is for project developers. Use -Wno-dev to suppress it. -- Caffe2: Found protobuf with new-style protobuf targets. -- Caffe2: Protobuf version 3.5.0 -- Found CUDA: /usr/local/cuda (found suitable version "9.2", minimum required is "7.0") -- Caffe2: CUDA detected: 9.2 -- Caffe2: CUDA nvcc is: /usr/local/cuda/bin/nvcc -- Caffe2: CUDA toolkit directory: /usr/local/cuda -- Caffe2: Header version is: 9.2 -- Found CUDNN: /usr/include/ -- Found cuDNN: v7.2.1 (include: /usr/include/, library: /usr/lib/x86_64-linux-gnu/libcudnn.so.7) -- Autodetected CUDA architecture(s): 6.1 -- Added CUDA NVCC flags for: -gencode;arch=compute_61,code=sm_61 CMake Warning (dev) at /root/pytorch/torch/lib/tmp_install/share/cmake/Caffe2/Caffe2Config.cmake:86 (if): if given arguments: "ON" "AND" "NOT" "CAFFE2_USE_CUDNN" An argument named "ON" appears in a conditional statement. Policy CMP0012 is not set: if() recognizes numbers and boolean constants. Run "cmake --help-policy CMP0012" for policy details. Use the cmake_policy command to set the policy and suppress this warning. Call Stack (most recent call first): CMakeLists.txt:7 (FIND_PACKAGE) This warning is for project developers. Use -Wno-dev to suppress it. -- Looking for clock_gettime in rt -- Looking for clock_gettime in rt - found -- Configuring done -- Generating done CMake Warning: Manually-specified variables were not used by the project: CMAKE_DEBUG_POSTFIX CMAKE_INSTALL_LIBDIR NCCL_EXTERNAL NO_NNPACK THCS_LIBRARIES THCUNN_LIBRARIES THCUNN_SO_VERSION THC_LIBRARIES THC_SO_VERSION THD_SO_VERSION THNN_LIBRARIES THNN_SO_VERSION THS_LIBRARIES TH_INCLUDE_PATH TH_LIBRARIES TH_LIB_PATH TH_SO_VERSION Torch_FOUND USE_CUDA cwrap_files nanopb_BUILD_GENERATOR -- Build files have been written to: /root/pytorch/torch/lib/build/libshm + make install -j12 Scanning dependencies of target shm Scanning dependencies of target torch_shm_manager [ 50%] Building CXX object CMakeFiles/torch_shm_manager.dir/manager.cpp.o [ 50%] Building CXX object CMakeFiles/shm.dir/core.cpp.o [ 75%] Linking CXX executable torch_shm_manager [100%] Linking CXX shared library libshm.so CMakeFiles/torch_shm_manager.dir/manager.cpp.o: In function `main': manager.cpp:(.text.startup+0x35): warning: the use of `tmpnam' is dangerous, better use `mkstemp' [100%] Built target torch_shm_manager [100%] Built target shm Install the project... -- Install configuration: "Release" -- Installing: /root/pytorch/torch/lib/tmp_install/lib/libshm.so -- Set runtime path of "/root/pytorch/torch/lib/tmp_install/lib/libshm.so" to "" -- Installing: /root/pytorch/torch/lib/tmp_install/include/libshm.h -- Installing: /root/pytorch/torch/lib/tmp_install/bin/torch_shm_manager + popd ~/pytorch/torch/lib ~/pytorch ++ uname + [[ Linux == \D\a\r\w\i\n ]] + popd ~/pytorch + for arg in "$@" + [[ gloo == \n\c\c\l ]] + [[ gloo == \g\l\o\o ]] + pushd /root/pytorch/third_party ~/pytorch/third_party ~/pytorch + build gloo -DUSE_CUDA=1 -DNCCL_ROOT_DIR=/usr/ + mkdir -p build/gloo + pushd build/gloo ~/pytorch/third_party/build/gloo ~/pytorch/third_party ~/pytorch + BUILD_C_FLAGS= + case $1 in + BUILD_C_FLAGS=' -I"/root/pytorch/torch/lib/tmp_install/include" -I"/root/pytorch/torch/lib/tmp_install/include/TH" -I"/root/pytorch/torch/lib/tmp_install/include/THC" -I"/root/pytorch/torch/lib/tmp_install/include/THS" -I"/root/pytorch/torch/lib/tmp_install/include/THCS" -I"/root/pytorch/torch/lib/tmp_install/include/THNN" -I"/root/pytorch/torch/lib/tmp_install/include/THCUNN" -DOMPI_SKIP_MPICXX=1 -fexceptions' + cmake ../../gloo -DCMAKE_MODULE_PATH=/root/pytorch/cmake/Modules_CUDA_fix -DTorch_FOUND=1 -DCMAKE_INSTALL_PREFIX=/root/pytorch/torch/lib/tmp_install '-DCMAKE_C_FLAGS= -I"/root/pytorch/torch/lib/tmp_install/include" -I"/root/pytorch/torch/lib/tmp_install/include/TH" -I"/root/pytorch/torch/lib/tmp_install/include/THC" -I"/root/pytorch/torch/lib/tmp_install/include/THS" -I"/root/pytorch/torch/lib/tmp_install/include/THCS" -I"/root/pytorch/torch/lib/tmp_install/include/THNN" -I"/root/pytorch/torch/lib/tmp_install/include/THCUNN" -DOMPI_SKIP_MPICXX=1 -fexceptions ' '-DCMAKE_CXX_FLAGS= -I"/root/pytorch/torch/lib/tmp_install/include" -I"/root/pytorch/torch/lib/tmp_install/include/TH" -I"/root/pytorch/torch/lib/tmp_install/include/THC" -I"/root/pytorch/torch/lib/tmp_install/include/THS" -I"/root/pytorch/torch/lib/tmp_install/include/THCS" -I"/root/pytorch/torch/lib/tmp_install/include/THNN" -I"/root/pytorch/torch/lib/tmp_install/include/THCUNN" -DOMPI_SKIP_MPICXX=1 -fexceptions -std=c++11 ' '-DCMAKE_EXE_LINKER_FLAGS=-L"/root/pytorch/torch/lib/tmp_install/lib" -Wl,-rpath,$ORIGIN ' '-DCMAKE_SHARED_LINKER_FLAGS=-L"/root/pytorch/torch/lib/tmp_install/lib" -Wl,-rpath,$ORIGIN ' -DCMAKE_INSTALL_LIBDIR=/root/pytorch/torch/lib/tmp_install/lib '-DCUDA_NVCC_FLAGS= -I"/root/pytorch/torch/lib/tmp_install/include" -I"/root/pytorch/torch/lib/tmp_install/include/TH" -I"/root/pytorch/torch/lib/tmp_install/include/THC" -I"/root/pytorch/torch/lib/tmp_install/include/THS" -I"/root/pytorch/torch/lib/tmp_install/include/THCS" -I"/root/pytorch/torch/lib/tmp_install/include/THNN" -I"/root/pytorch/torch/lib/tmp_install/include/THCUNN" -DOMPI_SKIP_MPICXX=1' -DCUDA_DEVICE_DEBUG=0 -DCMAKE_PREFIX_PATH=/root/pytorch/torch/lib/tmp_install '-Dcwrap_files=/root/pytorch/torch/lib/ATen/Declarations.cwrap;/root/pytorch/torch/lib/THNN/generic/THNN.h;/root/pytorch/torch/lib/THCUNN/generic/THCUNN.h;/root/pytorch/torch/lib/ATen/nn.yaml' -DTH_INCLUDE_PATH=/root/pytorch/torch/lib/tmp_install/include -DTH_LIB_PATH=/root/pytorch/torch/lib/tmp_install/lib -DTH_LIBRARIES=/root/pytorch/torch/lib/tmp_install/lib/libTH.so -DCAFFE2_LIBRARIES=/root/pytorch/torch/lib/tmp_install/lib/libcaffe2.so -DTHNN_LIBRARIES=/root/pytorch/torch/lib/tmp_install/lib/libTHNN.so -DTHCUNN_LIBRARIES=/root/pytorch/torch/lib/tmp_install/lib/libTHCUNN.so -DTHS_LIBRARIES=/root/pytorch/torch/lib/tmp_install/lib/libTHS.so -DTHC_LIBRARIES=/root/pytorch/torch/lib/tmp_install/lib/libTHC.so -DTHCS_LIBRARIES=/root/pytorch/torch/lib/tmp_install/lib/libTHCS.so -DTH_SO_VERSION=1 -DTHC_SO_VERSION=1 -DTHNN_SO_VERSION=1 -DTHCUNN_SO_VERSION=1 -DTHD_SO_VERSION=1 -DUSE_CUDA=1 -DNO_NNPACK=0 -DNCCL_EXTERNAL=1 -Dnanopb_BUILD_GENERATOR=0 -DCMAKE_DEBUG_POSTFIX= -DCMAKE_BUILD_TYPE=Release -DUSE_CUDA=1 -DNCCL_ROOT_DIR=/usr/ -DCMAKE_EXPORT_COMPILE_COMMANDS=1 -- The CXX compiler identification is GNU 6.4.0 -- The C compiler identification is GNU 6.4.0 -- Check for working CXX compiler: /usr/bin/g++-6 -- Check for working CXX compiler: /usr/bin/g++-6 -- works -- Detecting CXX compiler ABI info -- Detecting CXX compiler ABI info - done -- Detecting CXX compile features -- Detecting CXX compile features - done -- Check for working C compiler: /usr/bin/gcc-6 -- Check for working C compiler: /usr/bin/gcc-6 -- works -- Detecting C compiler ABI info -- Detecting C compiler ABI info - done -- Detecting C compile features -- Detecting C compile features - done -- Looking for pthread.h -- Looking for pthread.h - found -- Looking for pthread_create -- Looking for pthread_create - not found -- Looking for pthread_create in pthreads -- Looking for pthread_create in pthreads - not found -- Looking for pthread_create in pthread -- Looking for pthread_create in pthread - found -- Found Threads: TRUE -- Found CUDA: /usr/local/cuda (found suitable version "9.2", minimum required is "7.0") -- CUDA detected: 9.2 -- Added CUDA NVCC flags for: sm_30 sm_35 sm_50 sm_52 sm_60 sm_61 sm_70 -- Found libcuda: /usr/lib/x86_64-linux-gnu/libcuda.so -- Found libnvrtc: /usr/local/cuda/lib64/libnvrtc.so -- Configuring done -- Generating done CMake Warning: Manually-specified variables were not used by the project: CAFFE2_LIBRARIES CMAKE_DEBUG_POSTFIX CMAKE_INSTALL_LIBDIR CUDA_DEVICE_DEBUG NCCL_EXTERNAL NCCL_ROOT_DIR NO_NNPACK THCS_LIBRARIES THCUNN_LIBRARIES THCUNN_SO_VERSION THC_LIBRARIES THC_SO_VERSION THD_SO_VERSION THNN_LIBRARIES THNN_SO_VERSION THS_LIBRARIES TH_INCLUDE_PATH TH_LIBRARIES TH_LIB_PATH TH_SO_VERSION Torch_FOUND cwrap_files nanopb_BUILD_GENERATOR -- Build files have been written to: /root/pytorch/third_party/build/gloo + make install -j12 Scanning dependencies of target gloo [ 3%] Building CXX object gloo/CMakeFiles/gloo.dir/rendezvous/context.cc.o [ 6%] Building CXX object gloo/CMakeFiles/gloo.dir/context.cc.o [ 10%] Building CXX object gloo/CMakeFiles/gloo.dir/algorithm.cc.o [ 13%] Building CXX object gloo/CMakeFiles/gloo.dir/allreduce_local.cc.o [ 16%] Building CXX object gloo/CMakeFiles/gloo.dir/common/logging.cc.o [ 20%] Building CXX object gloo/CMakeFiles/gloo.dir/rendezvous/prefix_store.cc.o [ 26%] Building CXX object gloo/CMakeFiles/gloo.dir/transport/buffer.cc.o [ 26%] Building CXX object gloo/CMakeFiles/gloo.dir/common/linux.cc.o [ 30%] Building CXX object gloo/CMakeFiles/gloo.dir/rendezvous/store.cc.o [ 33%] Building CXX object gloo/CMakeFiles/gloo.dir/rendezvous/hash_store.cc.o [ 36%] Building CXX object gloo/CMakeFiles/gloo.dir/rendezvous/file_store.cc.o [ 40%] Building CXX object gloo/CMakeFiles/gloo.dir/transport/address.cc.o [ 43%] Building CXX object gloo/CMakeFiles/gloo.dir/transport/device.cc.o [ 46%] Building CXX object gloo/CMakeFiles/gloo.dir/transport/pair.cc.o [ 50%] Building CXX object gloo/CMakeFiles/gloo.dir/transport/tcp/address.cc.o [ 53%] Building CXX object gloo/CMakeFiles/gloo.dir/transport/tcp/buffer.cc.o [ 56%] Building CXX object gloo/CMakeFiles/gloo.dir/transport/tcp/device.cc.o [ 60%] Building CXX object gloo/CMakeFiles/gloo.dir/transport/tcp/pair.cc.o [ 63%] Linking CXX static library libgloo.a [ 63%] Built target gloo [ 66%] Building NVCC (Device) object gloo/CMakeFiles/gloo_cuda.dir/gloo_cuda_generated_cuda_private.cu.o [ 70%] Building NVCC (Device) object gloo/CMakeFiles/gloo_cuda.dir/gloo_cuda_generated_cuda.cu.o /root/pytorch/third_party/gloo/gloo/cuda_private.h: In destructor ‘gloo::CudaDeviceGuard::~CudaDeviceGuard()’: /root/pytorch/third_party/gloo/gloo/cuda_private.h:98:423: warning: throw will always call terminate() [-Wterminate] CUDA_CHECK(cudaSetDevice(previous_)); ^ /root/pytorch/third_party/gloo/gloo/cuda_private.h:98:423: note: in C++11 destructors default to noexcept /root/pytorch/third_party/gloo/gloo/cuda_private.cu: In instantiation of ‘gloo::CudaMemory<T>::~CudaMemory() [with T = float]’: /root/pytorch/third_party/gloo/gloo/cuda_private.cu:113:16: required from here /root/pytorch/third_party/gloo/gloo/cuda_private.cu:87:415: warning: throw will always call terminate() [-Wterminate] CUDA_CHECK(cudaFree(ptr_)); ^ /root/pytorch/third_party/gloo/gloo/cuda_private.cu:87:415: note: in C++11 destructors default to noexcept /root/pytorch/third_party/gloo/gloo/cuda_private.cu: In instantiation of ‘gloo::CudaMemory<T>::~CudaMemory() [with T = gloo::float16]’: /root/pytorch/third_party/gloo/gloo/cuda_private.cu:114:16: required from here /root/pytorch/third_party/gloo/gloo/cuda_private.cu:87:415: warning: throw will always call terminate() [-Wterminate] /root/pytorch/third_party/gloo/gloo/cuda_private.cu:87:415: note: in C++11 destructors default to noexcept /root/pytorch/third_party/gloo/gloo/cuda_private.h: In destructor ‘gloo::CudaDeviceGuard::~CudaDeviceGuard()’: /root/pytorch/third_party/gloo/gloo/cuda_private.h:98:423: warning: throw will always call terminate() [-Wterminate] CUDA_CHECK(cudaSetDevice(previous_)); ^ /root/pytorch/third_party/gloo/gloo/cuda_private.h:98:423: note: in C++11 destructors default to noexcept /root/pytorch/third_party/gloo/gloo/cuda.cu: In destructor ‘gloo::CudaStream::~CudaStream()’: /root/pytorch/third_party/gloo/gloo/cuda.cu:78:413: warning: throw will always call terminate() [-Wterminate] CUDA_CHECK(cudaEventSynchronize(event_)); ^ /root/pytorch/third_party/gloo/gloo/cuda.cu:78:413: note: in C++11 destructors default to noexcept /root/pytorch/third_party/gloo/gloo/cuda.cu:79:409: warning: throw will always call terminate() [-Wterminate] CUDA_CHECK(cudaEventDestroy(event_)); ^ /root/pytorch/third_party/gloo/gloo/cuda.cu:79:409: note: in C++11 destructors default to noexcept /root/pytorch/third_party/gloo/gloo/cuda.cu:82:411: warning: throw will always call terminate() [-Wterminate] CUDA_CHECK(cudaStreamDestroy(stream_)); ^ /root/pytorch/third_party/gloo/gloo/cuda.cu:82:411: note: in C++11 destructors default to noexcept /root/pytorch/third_party/gloo/gloo/cuda.cu: In instantiation of ‘gloo::CudaDevicePointer<T>::~CudaDevicePointer() [with T = signed char]’: /root/pytorch/third_party/gloo/gloo/cuda.cu:292:16: required from here /root/pytorch/third_party/gloo/gloo/cuda.cu:221:404: warning: throw will always call terminate() [-Wterminate] CUDA_CHECK(cudaFree(device_)); ^ /root/pytorch/third_party/gloo/gloo/cuda.cu:221:404: note: in C++11 destructors default to noexcept /root/pytorch/third_party/gloo/gloo/cuda.cu: In instantiation of ‘gloo::CudaHostPointer<T>::~CudaHostPointer() [with T = signed char]’: /root/pytorch/third_party/gloo/gloo/cuda.cu:292:64: required from here /root/pytorch/third_party/gloo/gloo/cuda.cu:267:406: warning: throw will always call terminate() [-Wterminate] CUDA_CHECK(cudaFreeHost(host_)); ^ /root/pytorch/third_party/gloo/gloo/cuda.cu:267:406: note: in C++11 destructors default to noexcept /root/pytorch/third_party/gloo/gloo/cuda.cu: In instantiation of ‘gloo::CudaDevicePointer<T>::~CudaDevicePointer() [with T = unsigned char]’: /root/pytorch/third_party/gloo/gloo/cuda.cu:293:16: required from here /root/pytorch/third_party/gloo/gloo/cuda.cu:221:404: warning: throw will always call terminate() [-Wterminate] CUDA_CHECK(cudaFree(device_)); ^ /root/pytorch/third_party/gloo/gloo/cuda.cu:221:404: note: in C++11 destructors default to noexcept /root/pytorch/third_party/gloo/gloo/cuda.cu: In instantiation of ‘gloo::CudaHostPointer<T>::~CudaHostPointer() [with T = unsigned char]’: /root/pytorch/third_party/gloo/gloo/cuda.cu:293:66: required from here /root/pytorch/third_party/gloo/gloo/cuda.cu:267:406: warning: throw will always call terminate() [-Wterminate] CUDA_CHECK(cudaFreeHost(host_)); ^ /root/pytorch/third_party/gloo/gloo/cuda.cu:267:406: note: in C++11 destructors default to noexcept /root/pytorch/third_party/gloo/gloo/cuda.cu: In instantiation of ‘gloo::CudaDevicePointer<T>::~CudaDevicePointer() [with T = int]’: /root/pytorch/third_party/gloo/gloo/cuda.cu:294:16: required from here /root/pytorch/third_party/gloo/gloo/cuda.cu:221:404: warning: throw will always call terminate() [-Wterminate] CUDA_CHECK(cudaFree(device_)); ^ /root/pytorch/third_party/gloo/gloo/cuda.cu:221:404: note: in C++11 destructors default to noexcept /root/pytorch/third_party/gloo/gloo/cuda.cu: In instantiation of ‘gloo::CudaHostPointer<T>::~CudaHostPointer() [with T = int]’: /root/pytorch/third_party/gloo/gloo/cuda.cu:294:63: required from here /root/pytorch/third_party/gloo/gloo/cuda.cu:267:406: warning: throw will always call terminate() [-Wterminate] CUDA_CHECK(cudaFreeHost(host_)); ^ /root/pytorch/third_party/gloo/gloo/cuda.cu:267:406: note: in C++11 destructors default to noexcept /root/pytorch/third_party/gloo/gloo/cuda.cu: In instantiation of ‘gloo::CudaDevicePointer<T>::~CudaDevicePointer() [with T = long int]’: /root/pytorch/third_party/gloo/gloo/cuda.cu:295:16: required from here /root/pytorch/third_party/gloo/gloo/cuda.cu:221:404: warning: throw will always call terminate() [-Wterminate] CUDA_CHECK(cudaFree(device_)); ^ /root/pytorch/third_party/gloo/gloo/cuda.cu:221:404: note: in C++11 destructors default to noexcept /root/pytorch/third_party/gloo/gloo/cuda.cu: In instantiation of ‘gloo::CudaHostPointer<T>::~CudaHostPointer() [with T = long int]’: /root/pytorch/third_party/gloo/gloo/cuda.cu:295:64: required from here /root/pytorch/third_party/gloo/gloo/cuda.cu:267:406: warning: throw will always call terminate() [-Wterminate] CUDA_CHECK(cudaFreeHost(host_)); ^ /root/pytorch/third_party/gloo/gloo/cuda.cu:267:406: note: in C++11 destructors default to noexcept /root/pytorch/third_party/gloo/gloo/cuda.cu: In instantiation of ‘gloo::CudaDevicePointer<T>::~CudaDevicePointer() [with T = long unsigned int]’: /root/pytorch/third_party/gloo/gloo/cuda.cu:296:16: required from here /root/pytorch/third_party/gloo/gloo/cuda.cu:221:404: warning: throw will always call terminate() [-Wterminate] CUDA_CHECK(cudaFree(device_)); ^ /root/pytorch/third_party/gloo/gloo/cuda.cu:221:404: note: in C++11 destructors default to noexcept /root/pytorch/third_party/gloo/gloo/cuda.cu: In instantiation of ‘gloo::CudaHostPointer<T>::~CudaHostPointer() [with T = long unsigned int]’: /root/pytorch/third_party/gloo/gloo/cuda.cu:296:66: required from here /root/pytorch/third_party/gloo/gloo/cuda.cu:267:406: warning: throw will always call terminate() [-Wterminate] CUDA_CHECK(cudaFreeHost(host_)); ^ /root/pytorch/third_party/gloo/gloo/cuda.cu:267:406: note: in C++11 destructors default to noexcept /root/pytorch/third_party/gloo/gloo/cuda.cu: In instantiation of ‘gloo::CudaDevicePointer<T>::~CudaDevicePointer() [with T = gloo::float16]’: /root/pytorch/third_party/gloo/gloo/cuda.cu:297:16: required from here /root/pytorch/third_party/gloo/gloo/cuda.cu:221:404: warning: throw will always call terminate() [-Wterminate] CUDA_CHECK(cudaFree(device_)); ^ /root/pytorch/third_party/gloo/gloo/cuda.cu:221:404: note: in C++11 destructors default to noexcept /root/pytorch/third_party/gloo/gloo/cuda.cu: In instantiation of ‘gloo::CudaHostPointer<T>::~CudaHostPointer() [with T = gloo::float16]’: /root/pytorch/third_party/gloo/gloo/cuda.cu:297:60: required from here /root/pytorch/third_party/gloo/gloo/cuda.cu:267:406: warning: throw will always call terminate() [-Wterminate] CUDA_CHECK(cudaFreeHost(host_)); ^ /root/pytorch/third_party/gloo/gloo/cuda.cu:267:406: note: in C++11 destructors default to noexcept /root/pytorch/third_party/gloo/gloo/cuda.cu: In instantiation of ‘gloo::CudaDevicePointer<T>::~CudaDevicePointer() [with T = float]’: /root/pytorch/third_party/gloo/gloo/cuda.cu:298:16: required from here /root/pytorch/third_party/gloo/gloo/cuda.cu:221:404: warning: throw will always call terminate() [-Wterminate] CUDA_CHECK(cudaFree(device_)); ^ /root/pytorch/third_party/gloo/gloo/cuda.cu:221:404: note: in C++11 destructors default to noexcept /root/pytorch/third_party/gloo/gloo/cuda.cu: In instantiation of ‘gloo::CudaHostPointer<T>::~CudaHostPointer() [with T = float]’: /root/pytorch/third_party/gloo/gloo/cuda.cu:298:58: required from here /root/pytorch/third_party/gloo/gloo/cuda.cu:267:406: warning: throw will always call terminate() [-Wterminate] CUDA_CHECK(cudaFreeHost(host_)); ^ /root/pytorch/third_party/gloo/gloo/cuda.cu:267:406: note: in C++11 destructors default to noexcept /root/pytorch/third_party/gloo/gloo/cuda.cu: In instantiation of ‘gloo::CudaDevicePointer<T>::~CudaDevicePointer() [with T = double]’: /root/pytorch/third_party/gloo/gloo/cuda.cu:299:16: required from here /root/pytorch/third_party/gloo/gloo/cuda.cu:221:404: warning: throw will always call terminate() [-Wterminate] CUDA_CHECK(cudaFree(device_)); ^ /root/pytorch/third_party/gloo/gloo/cuda.cu:221:404: note: in C++11 destructors default to noexcept /root/pytorch/third_party/gloo/gloo/cuda.cu: In instantiation of ‘gloo::CudaHostPointer<T>::~CudaHostPointer() [with T = double]’: /root/pytorch/third_party/gloo/gloo/cuda.cu:299:59: required from here /root/pytorch/third_party/gloo/gloo/cuda.cu:267:406: warning: throw will always call terminate() [-Wterminate] CUDA_CHECK(cudaFreeHost(host_)); ^ /root/pytorch/third_party/gloo/gloo/cuda.cu:267:406: note: in C++11 destructors default to noexcept Scanning dependencies of target gloo_cuda [ 80%] Building CXX object gloo/CMakeFiles/gloo_cuda.dir/cuda_allreduce_ring.cc.o [ 80%] Building CXX object gloo/CMakeFiles/gloo_cuda.dir/cuda_allreduce_local.cc.o [ 80%] Building CXX object gloo/CMakeFiles/gloo_cuda.dir/cuda_allreduce_ring_chunked.cc.o [ 83%] Building CXX object gloo/CMakeFiles/gloo_cuda.dir/cuda_allreduce_halving_doubling.cc.o [ 86%] Building CXX object gloo/CMakeFiles/gloo_cuda.dir/cuda_broadcast_one_to_all.cc.o In file included from /root/pytorch/third_party/gloo/gloo/cuda.h:21:0, from /root/pytorch/third_party/gloo/gloo/cuda_broadcast_one_to_all.h:13, from /root/pytorch/third_party/gloo/gloo/cuda_broadcast_one_to_all.cc:10: /root/pytorch/third_party/gloo/gloo/cuda_private.h: In destructor ‘gloo::CudaDeviceGuard::~CudaDeviceGuard()’: /root/pytorch/third_party/gloo/gloo/common/logging.h:142:58: warning: throw will always call terminate() [-Wterminate] r.get_message_and_free(