You signed in with another tab or window. Reload to refresh your session.You signed out in another tab or window. Reload to refresh your session.You switched accounts on another tab or window. Reload to refresh your session.Dismiss alert
I build the PyTorch 1.5.1 from source at a Centos 6.3 server. The building process ends successfully. However, when I import torch, the program ends with a segmentation fault. I googled this problem and found relevant issues at #4101 . By debugging with gdb, the program throws error when invoking the torch::jit::stringToKind function. Below are the error message:
Program received signal SIGSEGV, Segmentation fault.
0x00007fffc5920a4b in torch::jit::stringToKind(std::__cxx11::basic_string<char, std::char_traits, std::allocator > const&) ()
from /home/gbdz/env/anaconda3/lib/python3.7/site-packages/torch/lib/libtorch_cpu.so
GPU models and configuration: Tesla P40, Driver Version: 440.33.01
Any other relevant information:
The cmake configuration of the compilation is shown below:
Building wheel torch-1.5.0a0+3c31d73
-- Building version 1.5.0a0+3c31d73
cmake -GNinja -DBUILD_BINARY=False -DBUILD_PYTHON=True -DBUILD_TEST=True -DCMAKE_BUILD_TYPE=Release -DCMAKE_INSTALL_PREFIX=/home/gbdz/pytorch/torch -DCMAKE_PREFIX_PATH=/home/gbdz/env/anaconda3 -DCUDA_NVCC_EXECUTABLE=/home/gbdz/env/cuda-9.2//bin/nvcc -DCUDNN_LIBRARY=/home/gbdz/env/cudnn742c92/lib64 -DNUMPY_INCLUDE_DIR=/home/gbdz/env/anaconda3/lib/python3.7/site-packages/numpy/core/include -DPYTHON_EXECUTABLE=/home/gbdz/env/anaconda3/bin/python -DPYTHON_INCLUDE_DIR=/home/gbdz/env/anaconda3/include/python3.7m -DPYTHON_LIBRARY=/home/gbdz/env/anaconda3/lib/libpython3.7m.so.1.0 -DTORCH_BUILD_VERSION=1.5.0a0+3c31d73 -DUSE_CUDA=True -DUSE_DISTRIBUTED=True -DUSE_GLOO=False -DUSE_MKLDNN=False -DUSE_NNPACK=False -DUSE_NUMPY=True -DUSE_QNNPACK=False /home/gbdz/pytorch
-- The CXX compiler identification is GNU 5.4.0
-- The C compiler identification is GNU 5.4.0
-- Check for working CXX compiler: /home/gbdz/usr/opt/gcc54/bin/c++
-- Check for working CXX compiler: /home/gbdz/usr/opt/gcc54/bin/c++ -- 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: /home/gbdz/usr/opt/gcc54/bin/gcc
-- Check for working C compiler: /home/gbdz/usr/opt/gcc54/bin/gcc -- works
-- Detecting C compiler ABI info
-- Detecting C compiler ABI info - done
-- Detecting C compile features
-- Detecting C compile features - done
-- Not forcing any particular BLAS to be found
-- Performing Test COMPILER_WORKS
-- Performing Test COMPILER_WORKS - Success
-- Performing Test SUPPORT_GLIBCXX_USE_C99
-- Performing Test SUPPORT_GLIBCXX_USE_C99 - Success
-- Performing Test CAFFE2_EXCEPTION_PTR_SUPPORTED
-- Performing Test CAFFE2_EXCEPTION_PTR_SUPPORTED - Success
-- std::exception_ptr is supported.
-- Performing Test CAFFE2_NEED_TO_TURN_OFF_DEPRECATION_WARNING
-- Performing Test CAFFE2_NEED_TO_TURN_OFF_DEPRECATION_WARNING - Failed
-- Turning off deprecation warning due to glog.
-- Performing Test CAFFE2_COMPILER_SUPPORTS_AVX2_EXTENSIONS
-- Performing Test CAFFE2_COMPILER_SUPPORTS_AVX2_EXTENSIONS - Success
-- Current compiler supports avx2 extension. Will build perfkernels.
-- Performing Test CAFFE2_COMPILER_SUPPORTS_AVX512_EXTENSIONS
-- Performing Test CAFFE2_COMPILER_SUPPORTS_AVX512_EXTENSIONS - Success
-- Current compiler supports avx512f extension. Will build fbgemm.
-- Performing Test COMPILER_SUPPORTS_HIDDEN_VISIBILITY
-- Performing Test COMPILER_SUPPORTS_HIDDEN_VISIBILITY - Success
-- Performing Test COMPILER_SUPPORTS_HIDDEN_INLINE_VISIBILITY
-- Performing Test COMPILER_SUPPORTS_HIDDEN_INLINE_VISIBILITY - Success
-- Performing Test COMPILER_SUPPORTS_RDYNAMIC
-- Performing Test COMPILER_SUPPORTS_RDYNAMIC - Success
-- Building using own protobuf under third_party per request.
-- Use custom protobuf build.
--
-- 3.11.4.0
-- 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
-- Performing Test protobuf_HAVE_BUILTIN_ATOMICS
-- Performing Test protobuf_HAVE_BUILTIN_ATOMICS - Success
-- Caffe2 protobuf include directory: $<BUILD_INTERFACE:/home/gbdz/pytorch/third_party/protobuf/src>$<INSTALL_INTERFACE:include>
-- Trying to find preferred BLAS backend of choice: MKL
-- MKL_THREADING = OMP
-- 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
-- Looking for cblas_sgemm
-- Looking for cblas_sgemm - found
-- MKL libraries: /home/gbdz/env/anaconda3/lib/libmkl_intel_lp64.so;/home/gbdz/env/anaconda3/lib/libmkl_gnu_thread.so;/home/gbdz/env/anaconda3/lib/libmkl_core.so;-fopenmp;/usr/lib64/libpthread.so;/usr/lib64/libm.so;/usr/lib64/libdl.so
-- MKL include directory: /home/gbdz/env/anaconda3/include
-- MKL OpenMP type: GNU
-- MKL OpenMP library: -fopenmp
-- Check if compiler accepts -pthread
-- Check if compiler accepts -pthread - yes
-- The ASM compiler identification is GNU
-- Found assembler: /home/gbdz/usr/opt/gcc54/bin/gcc
-- Found PythonInterp: /home/gbdz/env/anaconda3/bin/python (found version "3.7.3")
-- Failed to find LLVM FileCheck
-- Found Git: /home/gbdz/usr/bin/git (found version "2.17.1")
-- git Version: v1.4.0-505be96a
-- Version: 1.4.0
-- Performing Test HAVE_CXX_FLAG_STD_CXX11
-- Performing Test HAVE_CXX_FLAG_STD_CXX11 - Success
-- Performing Test HAVE_CXX_FLAG_WALL
-- Performing Test HAVE_CXX_FLAG_WALL - Success
-- Performing Test HAVE_CXX_FLAG_WEXTRA
-- Performing Test HAVE_CXX_FLAG_WEXTRA - Success
-- Performing Test HAVE_CXX_FLAG_WSHADOW
-- Performing Test HAVE_CXX_FLAG_WSHADOW - Success
-- Performing Test HAVE_CXX_FLAG_WERROR
-- Performing Test HAVE_CXX_FLAG_WERROR - Success
-- Performing Test HAVE_CXX_FLAG_PEDANTIC
-- Performing Test HAVE_CXX_FLAG_PEDANTIC - Success
-- Performing Test HAVE_CXX_FLAG_PEDANTIC_ERRORS
-- Performing Test HAVE_CXX_FLAG_PEDANTIC_ERRORS - Success
-- Performing Test HAVE_CXX_FLAG_WSHORTEN_64_TO_32
-- Performing Test HAVE_CXX_FLAG_WSHORTEN_64_TO_32 - Failed
-- Performing Test HAVE_CXX_FLAG_WFLOAT_EQUAL
-- Performing Test HAVE_CXX_FLAG_WFLOAT_EQUAL - Success
-- Performing Test HAVE_CXX_FLAG_FSTRICT_ALIASING
-- Performing Test HAVE_CXX_FLAG_FSTRICT_ALIASING - Success
-- Performing Test HAVE_CXX_FLAG_WNO_DEPRECATED_DECLARATIONS
-- Performing Test HAVE_CXX_FLAG_WNO_DEPRECATED_DECLARATIONS - Success
-- Performing Test HAVE_CXX_FLAG_WSTRICT_ALIASING
-- Performing Test HAVE_CXX_FLAG_WSTRICT_ALIASING - Success
-- Performing Test HAVE_CXX_FLAG_WD654
-- Performing Test HAVE_CXX_FLAG_WD654 - Failed
-- Performing Test HAVE_CXX_FLAG_WTHREAD_SAFETY
-- Performing Test HAVE_CXX_FLAG_WTHREAD_SAFETY - Failed
-- Performing Test HAVE_CXX_FLAG_COVERAGE
-- Performing Test HAVE_CXX_FLAG_COVERAGE - Success
-- Performing Test HAVE_STD_REGEX
-- Performing Test HAVE_STD_REGEX
-- Performing Test HAVE_STD_REGEX -- success
-- Performing Test HAVE_GNU_POSIX_REGEX
-- Performing Test HAVE_GNU_POSIX_REGEX
-- Performing Test HAVE_GNU_POSIX_REGEX -- failed to compile
-- Performing Test HAVE_POSIX_REGEX
-- Performing Test HAVE_POSIX_REGEX
-- Performing Test HAVE_POSIX_REGEX -- success
-- Performing Test HAVE_STEADY_CLOCK
-- Performing Test HAVE_STEADY_CLOCK
-- Performing Test HAVE_STEADY_CLOCK -- success
-- Performing Test COMPILER_SUPPORTS_AVX512
-- Performing Test COMPILER_SUPPORTS_AVX512 - Success
-- Found OpenMP_C: -fopenmp (found version "4.0")
-- Found OpenMP_CXX: -fopenmp (found version "4.0")
-- Found OpenMP: TRUE (found version "4.0")
CMake Warning at third_party/fbgemm/CMakeLists.txt:61 (message):
OpenMP found! OpenMP_C_INCLUDE_DIRS =
CMake Warning at third_party/fbgemm/CMakeLists.txt:130 (message):
==========
CMake Warning at third_party/fbgemm/CMakeLists.txt:131 (message):
CMAKE_BUILD_TYPE = Release
CMake Warning at third_party/fbgemm/CMakeLists.txt:132 (message):
CMAKE_CXX_FLAGS_DEBUG is -g
CMake Warning at third_party/fbgemm/CMakeLists.txt:133 (message):
CMAKE_CXX_FLAGS_RELEASE is -O3 -DNDEBUG
CMake Warning at third_party/fbgemm/CMakeLists.txt:134 (message):
==========
-- Performing Test __CxxFlag__fno_threadsafe_statics
-- Performing Test __CxxFlag__fno_threadsafe_statics - Success
-- Performing Test __CxxFlag__fno_semantic_interposition
-- Performing Test __CxxFlag__fno_semantic_interposition - Success
-- Performing Test __CxxFlag__fmerge_all_constants
-- Performing Test __CxxFlag__fmerge_all_constants - Success
** AsmJit Summary **
ASMJIT_DIR=/home/gbdz/pytorch/third_party/fbgemm/third_party/asmjit
ASMJIT_TEST=FALSE
ASMJIT_TARGET_TYPE=STATIC
ASMJIT_DEPS=pthread;rt
ASMJIT_LIBS=asmjit;pthread;rt
ASMJIT_CFLAGS=-DASMJIT_STATIC
ASMJIT_PRIVATE_CFLAGS=-Wall;-Wextra;-fno-math-errno;-fno-threadsafe-statics;-fno-semantic-interposition;-DASMJIT_STATIC
ASMJIT_PRIVATE_CFLAGS_DBG=
ASMJIT_PRIVATE_CFLAGS_REL=-O2;-fmerge-all-constants
-- Could NOT find Numa (missing: Numa_INCLUDE_DIR Numa_LIBRARIES)
CMake Warning at cmake/Dependencies.cmake:641 (message):
Not compiling with NUMA. Suppress this warning with -DUSE_NUMA=OFF
Call Stack (most recent call first):
CMakeLists.txt:411 (include)
-- Using third party subdirectory Eigen.
Python 3.7.3
-- Found PythonInterp: /home/gbdz/env/anaconda3/bin/python (found suitable version "3.7.3", minimum required is "2.7")
-- Found PythonLibs: /home/gbdz/env/anaconda3/lib/libpython3.7m.so.1.0 (found suitable version "3.7.3", minimum required is "2.7")
-- Could NOT find pybind11 (missing: pybind11_DIR)
-- Found pybind11: /home/gbdz/pytorch/torch/include
-- System pybind11 found
-- pybind11 include dirs: /home/gbdz/pytorch/torch/include
-- Could NOT find MPI_C (missing: MPI_C_LIB_NAMES MPI_C_HEADER_DIR MPI_C_WORKS)
-- Could NOT find MPI_CXX (missing: MPI_CXX_LIB_NAMES MPI_CXX_HEADER_DIR MPI_CXX_WORKS)
-- Could NOT find MPI (missing: MPI_C_FOUND MPI_CXX_FOUND)
CMake Warning at cmake/Dependencies.cmake:877 (message):
Not compiling with MPI. Suppress this warning with -DUSE_MPI=OFF
Call Stack (most recent call first):
CMakeLists.txt:411 (include)
-- Adding OpenMP CXX_FLAGS: -fopenmp
-- Will link against OpenMP libraries: /home/gbdz/usr/opt/gcc54/lib64/libgomp.so;/usr/lib64/libpthread.so
-- Found CUDA: /home/gbdz/env/cuda-9.2 (found version "9.2")
-- Caffe2: CUDA detected: 9.2
-- Caffe2: CUDA nvcc is: /home/gbdz/env/cuda-9.2/bin/nvcc
-- Caffe2: CUDA toolkit directory: /home/gbdz/env/cuda-9.2
-- Caffe2: Header version is: 9.2
-- Found CUDNN: /home/gbdz/env/cudnn742c92/lib64/libcudnn.so
-- Found cuDNN: v7.4.2 (include: /home/gbdz/env/cuda-9.2/include, library: /home/gbdz/env/cudnn742c92/lib64/libcudnn.so)
-- Autodetected CUDA architecture(s): 6.1 6.1 6.1 6.1 6.1 6.1 6.1 6.1
-- Added CUDA NVCC flags for: -gencode;arch=compute_61,code=sm_61
-- Autodetected CUDA architecture(s): 6.1 6.1 6.1 6.1 6.1 6.1 6.1 6.1
CMake Warning at cmake/External/nccl.cmake:65 (message):
Objcopy version is too old to support NCCL library slimming
Call Stack (most recent call first):
cmake/Dependencies.cmake:1074 (include)
CMakeLists.txt:411 (include)
-- Could NOT find CUB (missing: CUB_INCLUDE_DIR)
CMake Warning at cmake/Dependencies.cmake:1159 (message):
Metal is only used in ios builds.
Call Stack (most recent call first):
CMakeLists.txt:411 (include)
Generated: /home/gbdz/pytorch/build/third_party/onnx/onnx/onnx_onnx_torch-ml.proto
Generated: /home/gbdz/pytorch/build/third_party/onnx/onnx/onnx-operators_onnx_torch-ml.proto
--
-- ******** Summary ********
-- CMake version : 3.11.4
-- CMake command : /home/gbdz/usr/local/cmake/bin/cmake
-- System : Linux
-- C++ compiler : /home/gbdz/usr/opt/gcc54/bin/c++
-- C++ compiler version : 5.4.0
-- CXX flags : -Wno-deprecated -fvisibility-inlines-hidden -fopenmp -Wnon-virtual-dtor
-- Build type : Release
-- Compile definitions : TH_BLAS_MKL;ONNX_ML=1
-- CMAKE_PREFIX_PATH : /home/gbdz/env/anaconda3;/home/gbdz/env/cuda-9.2
-- CMAKE_INSTALL_PREFIX : /home/gbdz/pytorch/torch
-- CMAKE_MODULE_PATH : /home/gbdz/pytorch/cmake/Modules;/home/gbdz/pytorch/cmake/public/../Modules_CUDA_fix
--
-- ONNX version : 1.7.0
-- ONNX NAMESPACE : onnx_torch
-- ONNX_BUILD_TESTS : OFF
-- ONNX_BUILD_BENCHMARKS : OFF
-- ONNX_USE_LITE_PROTO : OFF
-- ONNXIFI_DUMMY_BACKEND : OFF
-- ONNXIFI_ENABLE_EXT : OFF
--
-- Protobuf compiler :
-- Protobuf includes :
-- Protobuf libraries :
-- BUILD_ONNX_PYTHON : OFF
--
-- ******** Summary ********
-- CMake version : 3.11.4
-- CMake command : /home/gbdz/usr/local/cmake/bin/cmake
-- System : Linux
-- C++ compiler : /home/gbdz/usr/opt/gcc54/bin/c++
-- C++ compiler version : 5.4.0
-- CXX flags : -Wno-deprecated -fvisibility-inlines-hidden -fopenmp -Wnon-virtual-dtor
-- Build type : Release
-- Compile definitions : TH_BLAS_MKL;ONNX_ML=1
-- CMAKE_PREFIX_PATH : /home/gbdz/env/anaconda3;/home/gbdz/env/cuda-9.2
-- CMAKE_INSTALL_PREFIX : /home/gbdz/pytorch/torch
-- CMAKE_MODULE_PATH : /home/gbdz/pytorch/cmake/Modules;/home/gbdz/pytorch/cmake/public/../Modules_CUDA_fix
--
-- ONNX version : 1.4.1
-- ONNX NAMESPACE : onnx_torch
-- ONNX_BUILD_TESTS : OFF
-- ONNX_BUILD_BENCHMARKS : OFF
-- ONNX_USE_LITE_PROTO : OFF
-- ONNXIFI_DUMMY_BACKEND : OFF
--
-- Protobuf compiler :
-- Protobuf includes :
-- Protobuf libraries :
-- BUILD_ONNX_PYTHON : OFF
-- Found CUDA with FP16 support, compiling with torch.cuda.HalfTensor
-- Adding -DNDEBUG to compile flags
-- 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.
-- 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_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_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
-- AVX compiler support found
-- AVX2 compiler support 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).
disabling ROCM because NOT USE_ROCM is set
-- MIOpen not found. Compiling without MIOpen support
disabling MKLDNN because USE_MKLDNN is not set
-- 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 5.4.0: Adding gcc and gcc_s libs to link line
-- Performing Test HAS_WERROR_FORMAT
-- Performing Test HAS_WERROR_FORMAT - Success
-- don't use NUMA
-- Performing Test COMPILER_SUPPORTS_NO_AVX256_SPLIT
-- Performing Test COMPILER_SUPPORTS_NO_AVX256_SPLIT - Success
-- Found OpenSSL: /home/gbdz/env/anaconda3/lib/libcrypto.so (found version "1.1.1c")
-- 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_AVX512F
-- Performing Test COMPILER_SUPPORTS_AVX512F - Failed
-- Found OpenMP_C: -fopenmp (found version "4.0")
-- Found OpenMP_CXX: -fopenmp (found version "4.0")
-- 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
-- Performing Test COMPILER_SUPPORTS_SYS_GETRANDOM
-- Performing Test COMPILER_SUPPORTS_SYS_GETRANDOM - Failed
-- Configuring build for SLEEF-v3.4.0
Target system: Linux-3.10.0_3-0-0-31
Target processor: x86_64
Host system: Linux-3.10.0_3-0-0-31
Host processor: x86_64
Detected C compiler: GNU @ /home/gbdz/usr/opt/gcc54/bin/gcc
-- 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 : /home/gbdz/env/anaconda3/lib/libmpfr.so
-- MPFR header file in /home/gbdz/env/anaconda3/include
-- GMP : /home/gbdz/env/anaconda3/lib/libgmp.so
-- RT : /usr/lib64/librt.so
-- FFTW3 : LIBFFTW3-NOTFOUND
-- OPENSSL : 1.1.1c
-- SDE : SDE_COMMAND-NOTFOUND
-- RUNNING_ON_TRAVIS : 0
-- COMPILER_SUPPORTS_OPENMP : 1
AT_INSTALL_INCLUDE_DIR include/ATen/core
core header install: /home/gbdz/pytorch/build/aten/src/ATen/core/TensorBody.h
core header install: /home/gbdz/pytorch/build/aten/src/ATen/core/TensorMethods.h
-- Include NCCL operators
-- Excluding ideep operators as we are not using ideep
-- Excluding image processing operators due to no opencv
-- Excluding video processing operators due to no opencv
-- MPI operators skipped due to no MPI support
-- Include Observer library
-- /home/gbdz/usr/opt/gcc54/bin/c++ /home/gbdz/pytorch/caffe2/../torch/abi-check.cpp -o /home/gbdz/pytorch/build/abi-check
-- Determined _GLIBCXX_USE_CXX11_ABI=1
-- pytorch is compiling with OpenMP.
OpenMP CXX_FLAGS: -fopenmp.
OpenMP libraries: /home/gbdz/usr/opt/gcc54/lib64/libgomp.so;/usr/lib64/libpthread.so.
-- Caffe2 is compiling with OpenMP.
OpenMP CXX_FLAGS: -fopenmp.
OpenMP libraries: /home/gbdz/usr/opt/gcc54/lib64/libgomp.so;/usr/lib64/libpthread.so.
-- Using ATen parallel backend: OMP
-- Using lib/python3.7/site-packages as python relative installation path
CMake Warning at CMakeLists.txt:619 (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.11.4
-- CMake command : /home/gbdz/usr/local/cmake/bin/cmake
-- System : Linux
-- C++ compiler : /home/gbdz/usr/opt/gcc54/bin/c++
-- C++ compiler id : GNU
-- C++ compiler version : 5.4.0
-- BLAS : MKL
-- CXX flags : -Wno-deprecated -fvisibility-inlines-hidden -fopenmp -DNDEBUG -DUSE_FBGEMM -DUSE_PYTORCH_QNNPACK -DUSE_XNNPACK -DUSE_INTERNAL_THREADPOOL_IMPL -O2 -fPIC -Wno-narrowing -Wall -Wextra -Werror=return-type -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-error=pedantic -Wno-error=redundant-decls -Wno-error=old-style-cast -fdiagnostics-color=always -Wno-unused-but-set-variable -Wno-maybe-uninitialized -fno-math-errno -fno-trapping-math -Werror=format
-- Build type : Release
-- Compile definitions : TH_BLAS_MKL;ONNX_ML=1;ONNX_NAMESPACE=onnx_torch;HAVE_MMAP=1;_FILE_OFFSET_BITS=64;HAVE_SHM_OPEN=1;HAVE_SHM_UNLINK=1;HAVE_MALLOC_USABLE_SIZE=1;MINIZ_DISABLE_ZIP_READER_CRC32_CHECKS
-- CMAKE_PREFIX_PATH : /home/gbdz/env/anaconda3;/home/gbdz/env/cuda-9.2
-- CMAKE_INSTALL_PREFIX : /home/gbdz/pytorch/torch
--
-- TORCH_VERSION : 1.5.0
-- CAFFE2_VERSION : 1.5.0
-- BUILD_CAFFE2_MOBILE : OFF
-- USE_STATIC_DISPATCH : OFF
-- BUILD_BINARY : False
-- BUILD_CUSTOM_PROTOBUF : ON
-- Link local protobuf : ON
-- BUILD_DOCS : OFF
-- BUILD_PYTHON : True
-- Python version : 3.7.3
-- Python executable : /home/gbdz/env/anaconda3/bin/python
-- Pythonlibs version : 3.7.3
-- Python library : /home/gbdz/env/anaconda3/lib/libpython3.7m.so.1.0
-- Python includes : /home/gbdz/env/anaconda3/include/python3.7m
-- Python site-packages: lib/python3.7/site-packages
-- BUILD_CAFFE2_OPS : ON
-- BUILD_SHARED_LIBS : ON
-- BUILD_TEST : True
-- BUILD_JNI : OFF
-- INTERN_BUILD_MOBILE :
-- USE_ASAN : OFF
-- USE_CUDA : True
-- CUDA static link : OFF
-- USE_CUDNN : ON
-- CUDA version : 9.2
-- cuDNN version : 7.4.2
-- CUDA root directory : /home/gbdz/env/cuda-9.2
-- CUDA library : /home/gbdz/env/cuda-9.2/lib64/stubs/libcuda.so
-- cudart library : /home/gbdz/env/cuda-9.2/lib64/libcudart.so
-- cublas library : /home/gbdz/env/cuda-9.2/lib64/libcublas.so
-- cufft library : /home/gbdz/env/cuda-9.2/lib64/libcufft.so
-- curand library : /home/gbdz/env/cuda-9.2/lib64/libcurand.so
-- cuDNN library : /home/gbdz/env/cudnn742c92/lib64/libcudnn.so
-- nvrtc : /home/gbdz/env/cuda-9.2/lib64/libnvrtc.so
-- CUDA include path : /home/gbdz/env/cuda-9.2/include
-- NVCC executable : /home/gbdz/env/cuda-9.2/bin/nvcc
-- NVCC flags : -DONNX_NAMESPACE=onnx_torch;-gencode;arch=compute_61,code=sm_61;-Xcudafe;--diag_suppress=cc_clobber_ignored;-Xcudafe;--diag_suppress=integer_sign_change;-Xcudafe;--diag_suppress=useless_using_declaration;-Xcudafe;--diag_suppress=set_but_not_used;-std=c++14;-Xcompiler;-fPIC;--expt-relaxed-constexpr;--expt-extended-lambda;-Wno-deprecated-gpu-targets;--expt-extended-lambda;-gencode;arch=compute_61,code=sm_61;-Xcompiler;-fPIC;-DCUDA_HAS_FP16=1 -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__
-- CUDA host compiler : /home/gbdz/usr/opt/gcc54/bin/gcc
-- USE_TENSORRT : OFF
-- USE_ROCM : OFF
-- USE_EIGEN_FOR_BLAS :
-- USE_FBGEMM : ON
-- USE_FFMPEG : OFF
-- USE_GFLAGS : OFF
-- USE_GLOG : OFF
-- USE_LEVELDB : OFF
-- USE_LITE_PROTO : OFF
-- USE_LMDB : OFF
-- USE_METAL : OFF
-- USE_MKL : ON
-- USE_MKLDNN : False
-- USE_NCCL : ON
-- USE_SYSTEM_NCCL : OFF
-- USE_NNPACK : False
-- USE_NUMPY : ON
-- USE_OBSERVERS : ON
-- USE_OPENCL : OFF
-- USE_OPENCV : OFF
-- USE_OPENMP : ON
-- USE_TBB : OFF
-- USE_PROF : OFF
-- USE_QNNPACK : False
-- USE_PYTORCH_QNNPACK : ON
-- USE_REDIS : OFF
-- USE_ROCKSDB : OFF
-- USE_ZMQ : OFF
-- USE_DISTRIBUTED : True
-- USE_MPI : OFF
-- USE_GLOO : False
-- Public Dependencies : Threads::Threads;caffe2::mkl
-- Private Dependencies : cpuinfo;pytorch_qnnpack;XNNPACK;fbgemm;fp16;aten_op_header_gen;foxi_loader;rt;gcc_s;gcc;dl
-- Configuring done
CMake Warning at caffe2/CMakeLists.txt:659 (add_library):
Cannot generate a safe runtime search path for target torch_cpu because
files in some directories may conflict with libraries in implicit
directories:
runtime library [libgomp.so.1] in /home/gbdz/usr/opt/gcc54/lib64 may be hidden by files in:
/home/gbdz/env/anaconda3/lib
Some of these libraries may not be found correctly.
CMake Warning at cmake/Modules_CUDA_fix/upstream/FindCUDA.cmake:1847 (add_library):
Cannot generate a safe runtime search path for target
caffe2_detectron_ops_gpu because files in some directories may conflict
with libraries in implicit directories:
runtime library [libgomp.so.1] in /home/gbdz/usr/opt/gcc54/lib64 may be hidden by files in:
/home/gbdz/env/anaconda3/lib
Some of these libraries may not be found correctly.
Call Stack (most recent call first):
modules/detectron/CMakeLists.txt:13 (CUDA_ADD_LIBRARY)
-- Generating done
-- Build files have been written to: /home/gbdz/pytorch/build
Additional context
Backtrace of gdb python, r -c "import torch":
(gdb) bt
#0 0x00007fffc5920a4b in torch::jit::stringToKind(std::__cxx11::basic_string<char, std::char_traits, std::allocator > const&)
() from /home/gbdz/env/anaconda3/lib/python3.7/site-packages/torch/lib/libtorch_cpu.so #1 0x00007fffca320d9d in ZZN8pybind1112cpp_function10initializeIZNOS_6detail8initimpl7factoryIZN5torch3jit20initTreeViewBindingsEP7_objectEUlRKNS6_11SourceRangeENSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEERKNS6_4ExprEE35_PFNS2_9void_typeEvEFNS6_7UnaryOpESB_SH_SK_ESN_E7executeINS_6class_ISP_JSI_EEEJEEEvRT_DpRKT0_EUlRNS2_16value_and_holderESB_SH_SK_E_vJS12_SB_SH_SK_EJNS_4nameENS_9is_methodENS_7siblingENS2_24is_new_style_constructorEEEEvOSV_PFT0_DpT1_EDpRKT2_ENUlRNS2_13function_callEE1_4_FUNES1J ()
from /home/gbdz/env/anaconda3/lib/python3.7/site-packages/torch/lib/libtorch_python.so #2 0x00007fffc9edd287 in pybind11::cpp_function::dispatcher(_object*, _object*, _object*) ()
from /home/gbdz/env/anaconda3/lib/python3.7/site-packages/torch/lib/libtorch_python.so #3 0x0000555555690987 in _PyMethodDef_RawFastCallDict (method=0x555556cde350, self=Unhandled dwarf expression opcode 0xf3
)
at /tmp/build/80754af9/python_1553721932202/work/Objects/call.c:515 #4 0x0000555555690ae1 in _PyCFunction_FastCallDict () at /tmp/build/80754af9/python_1553721932202/work/Objects/call.c:582 #5 0x0000555555682c43 in _PyObject_Call_Prepend (callable=0x7fffae27a7e0, obj=Unhandled dwarf expression opcode 0xf3
)
at /tmp/build/80754af9/python_1553721932202/work/Objects/call.c:904 #6 0x000055555567795e in PyObject_Call (callable=0x7fffa8c80a08, args=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Objects/call.c:245 #7 0x00005555555f63b1 in slot_tp_init (self=0x7fffa7bd7a78, args=0x7fffa7bd5288, kwds=0x0)
at /tmp/build/80754af9/python_1553721932202/work/Objects/typeobject.c:6616 #8 0x00005555556cd9b8 in type_call (callable=0x555556cddef8, stack=0x7fffa8255fb8, nargs=Unhandled dwarf expression opcode 0xf3
)
at /tmp/build/80754af9/python_1553721932202/work/Objects/typeobject.c:949 #9 _PyObject_FastCallKeywords (callable=0x555556cddef8, stack=0x7fffa8255fb8, nargs=Unhandled dwarf expression opcode 0xf3
)
at /tmp/build/80754af9/python_1553721932202/work/Objects/call.c:199 #10 0x0000555555729026 in call_function (f=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Python/ceval.c:4619 #11 _PyEval_EvalFrameDefault (f=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Python/ceval.c:3124 #12 0x00005555556cc79b in function_code_fastcall (func=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Objects/call.c:283 #13 _PyFunction_FastCallKeywords (func=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Objects/call.c:408 #14 0x0000555555724846 in call_function (f=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Python/ceval.c:4616 #15 _PyEval_EvalFrameDefault (f=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Python/ceval.c:3124 #16 0x000055555566b50b in function_code_fastcall (func=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Objects/call.c:283 #17 _PyFunction_FastCallDict (func=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Objects/call.c:322 #18 0x0000555555682c43 in _PyObject_Call_Prepend (callable=0x7fffa8df5378, obj=Unhandled dwarf expression opcode 0xf3
)
at /tmp/build/80754af9/python_1553721932202/work/Objects/call.c:904 #19 0x00005555556c516a in slot_tp_call (self=0x7fffa8df8320, args=0x7fffa7bd9f88, kwds=0x0)
at /tmp/build/80754af9/python_1553721932202/work/Objects/typeobject.c:6379 #20 0x00005555556cdd2b in _PyObject_FastCallKeywords (callable=0x7fffa8df8320, stack=0x7fffa7bce1e0, nargs=2, kwnames=0x0)
at /tmp/build/80754af9/python_1553721932202/work/Objects/call.c:199 #21 0x0000555555729026 in call_function (f=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Python/ceval.c:4619 #22 _PyEval_EvalFrameDefault (f=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Python/ceval.c:3124 #23 0x00005555556cc79b in function_code_fastcall (func=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Objects/call.c:283 #24 _PyFunction_FastCallKeywords (func=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Objects/call.c:408 #25 0x0000555555724846 in call_function (f=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Python/ceval.c:4616 #26 _PyEval_EvalFrameDefault (f=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Python/ceval.c:3124 #27 0x000055555566b50b in function_code_fastcall (func=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Objects/call.c:283 #28 _PyFunction_FastCallDict (func=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Objects/call.c:322 #29 0x0000555555682c43 in _PyObject_Call_Prepend (callable=0x7fffa8df5378, obj=Unhandled dwarf expression opcode 0xf3
)
at /tmp/build/80754af9/python_1553721932202/work/Objects/call.c:904 #30 0x00005555556c516a in slot_tp_call (self=0x7fffa8df8358, args=0x7fffa7be5d88, kwds=0x0)
at /tmp/build/80754af9/python_1553721932202/work/Objects/typeobject.c:6379 #31 0x00005555556cdd2b in _PyObject_FastCallKeywords (callable=0x7fffa8df8358, stack=0x7fffa8d73570, nargs=2, kwnames=0x0)
at /tmp/build/80754af9/python_1553721932202/work/Objects/call.c:199 #32 0x0000555555729026 in call_function (f=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Python/ceval.c:4619 #33 _PyEval_EvalFrameDefault (f=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Python/ceval.c:3124
---Type to continue, or q to quit--- #34 0x000055555566a7da in _PyEval_EvalCodeWithName (_co=0x7fffa8de4540, globals=Unhandled dwarf expression opcode 0xf3
)
at /tmp/build/80754af9/python_1553721932202/work/Python/ceval.c:3930 #35 0x00005555556cca27 in _PyFunction_FastCallKeywords (func=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Objects/call.c:433 #36 0x0000555555724846 in call_function (f=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Python/ceval.c:4616 #37 _PyEval_EvalFrameDefault (f=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Python/ceval.c:3124 #38 0x000055555566adb9 in _PyEval_EvalCodeWithName (_co=0x7fffa8de45d0, globals=Unhandled dwarf expression opcode 0xf3
)
at /tmp/build/80754af9/python_1553721932202/work/Python/ceval.c:3930 #39 0x00005555556cca27 in _PyFunction_FastCallKeywords (func=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Objects/call.c:433 #40 0x0000555555724846 in call_function (f=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Python/ceval.c:4616 #41 _PyEval_EvalFrameDefault (f=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Python/ceval.c:3124 #42 0x000055555566a4f9 in _PyEval_EvalCodeWithName (_co=0x7fffa8de4c00, globals=Unhandled dwarf expression opcode 0xf3
)
at /tmp/build/80754af9/python_1553721932202/work/Python/ceval.c:3930 #43 0x00005555556cc9c5 in _PyFunction_FastCallKeywords (func=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Objects/call.c:433 #44 0x0000555555724846 in call_function (f=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Python/ceval.c:4616 #45 _PyEval_EvalFrameDefault (f=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Python/ceval.c:3124 #46 0x000055555566a4f9 in _PyEval_EvalCodeWithName (_co=0x7fffa8de4930, globals=Unhandled dwarf expression opcode 0xf3
)
at /tmp/build/80754af9/python_1553721932202/work/Python/ceval.c:3930 #47 0x00005555556cc9c5 in _PyFunction_FastCallKeywords (func=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Objects/call.c:433 #48 0x0000555555724846 in call_function (f=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Python/ceval.c:4616 #49 _PyEval_EvalFrameDefault (f=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Python/ceval.c:3124 #50 0x000055555566a4f9 in _PyEval_EvalCodeWithName (_co=0x7fffa8e41ae0, globals=Unhandled dwarf expression opcode 0xf3
)
at /tmp/build/80754af9/python_1553721932202/work/Python/ceval.c:3930 #51 0x00005555556cc9c5 in _PyFunction_FastCallKeywords (func=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Objects/call.c:433 #52 0x0000555555724846 in call_function (f=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Python/ceval.c:4616 #53 _PyEval_EvalFrameDefault (f=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Python/ceval.c:3124 #54 0x000055555566a4f9 in _PyEval_EvalCodeWithName (_co=0x7fffa7bba9c0, globals=Unhandled dwarf expression opcode 0xf3
)
at /tmp/build/80754af9/python_1553721932202/work/Python/ceval.c:3930 #55 0x000055555566b3c4 in PyEval_EvalCodeEx (_co=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Python/ceval.c:3959 #56 0x000055555566b3ec in PyEval_EvalCode () at /tmp/build/80754af9/python_1553721932202/work/Python/ceval.c:524 #57 0x0000555555733f41 in builtin_exec_impl.isra.12 (module=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Python/bltinmodule.c:1079 #58 builtin_exec (module=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Python/clinic/bltinmodule.c.h:283 #59 0x00005555556909e2 in _PyMethodDef_RawFastCallDict (method=0x555555884280, self=Unhandled dwarf expression opcode 0xf3
)
at /tmp/build/80754af9/python_1553721932202/work/Objects/call.c:530 #60 0x0000555555690ae1 in _PyCFunction_FastCallDict () at /tmp/build/80754af9/python_1553721932202/work/Objects/call.c:582 #61 0x000055555572a151 in do_call_core (f=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Python/ceval.c:4641 #62 _PyEval_EvalFrameDefault (f=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Python/ceval.c:3191 #63 0x000055555566a4f9 in _PyEval_EvalCodeWithName (_co=0x7ffff7fb5db0, globals=Unhandled dwarf expression opcode 0xf3
)
at /tmp/build/80754af9/python_1553721932202/work/Python/ceval.c:3930 #64 0x00005555556cca27 in _PyFunction_FastCallKeywords (func=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Objects/call.c:433 #65 0x0000555555728ed9 in call_function (f=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Python/ceval.c:4616 #66 _PyEval_EvalFrameDefault (f=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Python/ceval.c:3093 #67 0x00005555556cc79b in function_code_fastcall (func=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Objects/call.c:283 #68 _PyFunction_FastCallKeywords (func=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Objects/call.c:408 #69 0x0000555555724ad0 in call_function (f=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Python/ceval.c:4616 #70 _PyEval_EvalFrameDefault (f=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Python/ceval.c:3110 #71 0x00005555556cc79b in function_code_fastcall (func=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Objects/call.c:283 #72 _PyFunction_FastCallKeywords (func=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Objects/call.c:408 #73 0x0000555555724846 in call_function (f=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Python/ceval.c:4616 #74 _PyEval_EvalFrameDefault (f=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Python/ceval.c:3124 #75 0x00005555556cc79b in function_code_fastcall (func=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Objects/call.c:283 #76 _PyFunction_FastCallKeywords (func=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Objects/call.c:408
---Type to continue, or q to quit--- #77 0x0000555555724846 in call_function (f=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Python/ceval.c:4616 #78 _PyEval_EvalFrameDefault (f=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Python/ceval.c:3124 #79 0x000055555566b50b in function_code_fastcall (func=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Objects/call.c:283 #80 _PyFunction_FastCallDict (func=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Objects/call.c:322 #81 0x0000555555682f3e in object_vacall (callable=0x7ffff7f9ad90, vargs=Unhandled dwarf expression opcode 0xf3
)
at /tmp/build/80754af9/python_1553721932202/work/Objects/call.c:1198 #82 0x00005555556e48ad in _PyObject_CallMethodIdObjArgs (obj=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Objects/call.c:1248 #83 0x000055555566caee in import_find_and_load (name=0x7fffa7c9f0b0, globals=Unhandled dwarf expression opcode 0xf3
)
at /tmp/build/80754af9/python_1553721932202/work/Python/import.c:1646 #84 PyImport_ImportModuleLevelObject (name=0x7fffa7c9f0b0, globals=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Python/import.c:1754 #85 0x0000555555726bbd in import_name (f=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Python/ceval.c:4770 #86 _PyEval_EvalFrameDefault (f=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Python/ceval.c:2600 #87 0x000055555566a4f9 in _PyEval_EvalCodeWithName (_co=0x7fffa8d3b780, globals=Unhandled dwarf expression opcode 0xf3
)
at /tmp/build/80754af9/python_1553721932202/work/Python/ceval.c:3930 #88 0x000055555566b3c4 in PyEval_EvalCodeEx (_co=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Python/ceval.c:3959 #89 0x000055555566b3ec in PyEval_EvalCode () at /tmp/build/80754af9/python_1553721932202/work/Python/ceval.c:524 #90 0x0000555555733f41 in builtin_exec_impl.isra.12 (module=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Python/bltinmodule.c:1079 #91 builtin_exec (module=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Python/clinic/bltinmodule.c.h:283 #92 0x00005555556909e2 in _PyMethodDef_RawFastCallDict (method=0x555555884280, self=Unhandled dwarf expression opcode 0xf3
)
at /tmp/build/80754af9/python_1553721932202/work/Objects/call.c:530 #93 0x0000555555690ae1 in _PyCFunction_FastCallDict () at /tmp/build/80754af9/python_1553721932202/work/Objects/call.c:582 #94 0x000055555572a151 in do_call_core (f=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Python/ceval.c:4641 #95 _PyEval_EvalFrameDefault (f=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Python/ceval.c:3191 #96 0x000055555566a4f9 in _PyEval_EvalCodeWithName (_co=0x7ffff7fb5db0, globals=Unhandled dwarf expression opcode 0xf3
)
at /tmp/build/80754af9/python_1553721932202/work/Python/ceval.c:3930 #97 0x00005555556cca27 in _PyFunction_FastCallKeywords (func=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Objects/call.c:433 #98 0x0000555555728ed9 in call_function (f=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Python/ceval.c:4616 #99 _PyEval_EvalFrameDefault (f=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Python/ceval.c:3093 #100 0x00005555556cc79b in function_code_fastcall (func=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Objects/call.c:283 #101 _PyFunction_FastCallKeywords (func=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Objects/call.c:408 #102 0x0000555555724ad0 in call_function (f=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Python/ceval.c:4616 #103 _PyEval_EvalFrameDefault (f=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Python/ceval.c:3110 #104 0x00005555556cc79b in function_code_fastcall (func=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Objects/call.c:283 #105 _PyFunction_FastCallKeywords (func=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Objects/call.c:408 #106 0x0000555555724846 in call_function (f=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Python/ceval.c:4616 #107 _PyEval_EvalFrameDefault (f=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Python/ceval.c:3124 #108 0x00005555556cc79b in function_code_fastcall (func=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Objects/call.c:283 #109 _PyFunction_FastCallKeywords (func=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Objects/call.c:408 #110 0x0000555555724846 in call_function (f=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Python/ceval.c:4616 #111 _PyEval_EvalFrameDefault (f=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Python/ceval.c:3124 #112 0x000055555566b50b in function_code_fastcall (func=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Objects/call.c:283 #113 _PyFunction_FastCallDict (func=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Objects/call.c:322 #114 0x0000555555682f3e in object_vacall (callable=0x7ffff7f9ad90, vargs=Unhandled dwarf expression opcode 0xf3
)
at /tmp/build/80754af9/python_1553721932202/work/Objects/call.c:1198 #115 0x00005555556e48ad in _PyObject_CallMethodIdObjArgs (obj=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Objects/call.c:1248 #116 0x000055555566caee in import_find_and_load (name=0x7ffff10a6d20, globals=Unhandled dwarf expression opcode 0xf3
)
at /tmp/build/80754af9/python_1553721932202/work/Python/import.c:1646 #117 PyImport_ImportModuleLevelObject (name=0x7ffff10a6d20, globals=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Python/import.c:1754 #118 0x0000555555726bbd in import_name (f=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Python/ceval.c:4770 #119 _PyEval_EvalFrameDefault (f=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Python/ceval.c:2600 #120 0x000055555566a4f9 in _PyEval_EvalCodeWithName (_co=0x7ffff10cadb0, globals=Unhandled dwarf expression opcode 0xf3
)
---Type to continue, or q to quit---
at /tmp/build/80754af9/python_1553721932202/work/Python/ceval.c:3930 #121 0x000055555566b3c4 in PyEval_EvalCodeEx (_co=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Python/ceval.c:3959 #122 0x000055555566b3ec in PyEval_EvalCode () at /tmp/build/80754af9/python_1553721932202/work/Python/ceval.c:524 #123 0x0000555555733f41 in builtin_exec_impl.isra.12 (module=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Python/bltinmodule.c:1079 #124 builtin_exec (module=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Python/clinic/bltinmodule.c.h:283 #125 0x00005555556909e2 in _PyMethodDef_RawFastCallDict (method=0x555555884280, self=Unhandled dwarf expression opcode 0xf3
)
at /tmp/build/80754af9/python_1553721932202/work/Objects/call.c:530 #126 0x0000555555690ae1 in _PyCFunction_FastCallDict () at /tmp/build/80754af9/python_1553721932202/work/Objects/call.c:582 #127 0x000055555572a151 in do_call_core (f=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Python/ceval.c:4641 #128 _PyEval_EvalFrameDefault (f=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Python/ceval.c:3191 #129 0x000055555566a4f9 in _PyEval_EvalCodeWithName (_co=0x7ffff7fb5db0, globals=Unhandled dwarf expression opcode 0xf3
)
at /tmp/build/80754af9/python_1553721932202/work/Python/ceval.c:3930 #130 0x00005555556cca27 in _PyFunction_FastCallKeywords (func=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Objects/call.c:433 #131 0x0000555555728ed9 in call_function (f=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Python/ceval.c:4616 #132 _PyEval_EvalFrameDefault (f=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Python/ceval.c:3093 #133 0x00005555556cc79b in function_code_fastcall (func=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Objects/call.c:283 #134 _PyFunction_FastCallKeywords (func=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Objects/call.c:408 #135 0x0000555555724ad0 in call_function (f=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Python/ceval.c:4616 #136 _PyEval_EvalFrameDefault (f=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Python/ceval.c:3110 #137 0x00005555556cc79b in function_code_fastcall (func=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Objects/call.c:283 #138 _PyFunction_FastCallKeywords (func=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Objects/call.c:408 #139 0x0000555555724846 in call_function (f=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Python/ceval.c:4616 #140 _PyEval_EvalFrameDefault (f=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Python/ceval.c:3124 #141 0x00005555556cc79b in function_code_fastcall (func=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Objects/call.c:283 #142 _PyFunction_FastCallKeywords (func=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Objects/call.c:408 #143 0x0000555555724846 in call_function (f=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Python/ceval.c:4616 #144 _PyEval_EvalFrameDefault (f=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Python/ceval.c:3124 #145 0x000055555566b50b in function_code_fastcall (func=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Objects/call.c:283 #146 _PyFunction_FastCallDict (func=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Objects/call.c:322 #147 0x0000555555682f3e in object_vacall (callable=0x7ffff7f9ad90, vargs=Unhandled dwarf expression opcode 0xf3
)
at /tmp/build/80754af9/python_1553721932202/work/Objects/call.c:1198 #148 0x00005555556e48ad in _PyObject_CallMethodIdObjArgs (obj=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Objects/call.c:1248 #149 0x000055555566caee in import_find_and_load (name=0x7ffff7f10fb8, globals=Unhandled dwarf expression opcode 0xf3
)
at /tmp/build/80754af9/python_1553721932202/work/Python/import.c:1646 #150 PyImport_ImportModuleLevelObject (name=0x7ffff7f10fb8, globals=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Python/import.c:1754 #151 0x0000555555726bbd in import_name (f=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Python/ceval.c:4770 #152 _PyEval_EvalFrameDefault (f=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Python/ceval.c:2600 #153 0x000055555566a4f9 in _PyEval_EvalCodeWithName (_co=0x7ffff7f1b780, globals=Unhandled dwarf expression opcode 0xf3
)
at /tmp/build/80754af9/python_1553721932202/work/Python/ceval.c:3930 #154 0x000055555566b3c4 in PyEval_EvalCodeEx (_co=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Python/ceval.c:3959 #155 0x000055555566b3ec in PyEval_EvalCode () at /tmp/build/80754af9/python_1553721932202/work/Python/ceval.c:524 #156 0x0000555555783874 in run_mod (mod=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Python/pythonrun.c:1035 #157 0x000055555578eaad in PyRun_StringFlags (str=0x7ffff7fa0170 "import torch\n", start=257, globals=0x7ffff7ee21f8,
locals=0x7ffff7ee21f8, flags=0x7fffffffd4f0) at /tmp/build/80754af9/python_1553721932202/work/Python/pythonrun.c:959 #158 0x000055555578eb0f in PyRun_SimpleStringFlags (command=0x7ffff7fa0170 "import torch\n", flags=0x7fffffffd4f0)
at /tmp/build/80754af9/python_1553721932202/work/Python/pythonrun.c:455 #159 0x000055555578ec0d in pymain_run_command (pymain=0x7fffffffd600) at /tmp/build/80754af9/python_1553721932202/work/Modules/main.c:385 #160 pymain_run_python (pymain=0x7fffffffd600) at /tmp/build/80754af9/python_1553721932202/work/Modules/main.c:2871 #161 pymain_main (pymain=0x7fffffffd600) at /tmp/build/80754af9/python_1553721932202/work/Modules/main.c:3038 #162 0x000055555578ef7c in _Py_UnixMain (argc=Unhandled dwarf expression opcode 0xf3
) at /tmp/build/80754af9/python_1553721932202/work/Modules/main.c:3073 #163 0x00007ffff784ccdd in __libc_start_main () from /lib64/libc.so.6
---Type to continue, or q to quit--- #164 0x0000555555734122 in _start () at ../sysdeps/x86_64/elf/start.S:103
🐛 Bug
I build the PyTorch 1.5.1 from source at a Centos 6.3 server. The building process ends successfully. However, when I import torch, the program ends with a segmentation fault. I googled this problem and found relevant issues at #4101 . By debugging with gdb, the program throws error when invoking the torch::jit::stringToKind function. Below are the error message:
The torch::jit::stringToKind function appears in these places: https://github.com/pytorch/pytorch/search?q=stringToKind&unscoped_q=stringToKind
There is little information about the stringToKind function in the internet, and I am stuck here.
To Reproduce
Steps to reproduce the behavior:
Expected behavior
run without error
Environment
conda
,pip
, source): sourceThe cmake configuration of the compilation is shown below:
Additional context
Backtrace of gdb python, r -c "import torch":
cc @suo @gmagogsfm
The text was updated successfully, but these errors were encountered: