Closed HCShi closed 3 years ago
Could you please provide the full log?
Could you please provide the full log?
OK, the log is as follows: python train_net.py --config-file config_files/resnet50_4x16f_baseline.yaml --transfer --no-head --use-tfboard (the middle is loading the model parameters, so I leave them out.) 2020-11-23 11:00:21,689 alphaction.utils.model_serialization INFO: backbone.slow.res_nl4.res_2.btnk.conv3.bn.running_var loaded from backbone.slow.res_nl4.res_2.btnk.conv3.bn.running_var of shape (2048,) 2020-11-23 11:00:21,689 alphaction.utils.model_serialization INFO: backbone.slow.res_nl4.res_2.btnk.conv3.bn.weight loaded from backbone.slow.res_nl4.res_2.btnk.conv3.bn.weight of shape (2048,) 2020-11-23 11:00:21,689 alphaction.utils.model_serialization INFO: backbone.slow.res_nl4.res_2.btnk.conv3.conv.weight loaded from backbone.slow.res_nl4.res_2.btnk.conv3.conv.weight of shape (2048, 512, 1, 1, 1) loading annotations into memory... Done (t=2.83s) loading annotations into memory... Done (t=0.65s) Loading box file into memory... Done (t=0.86s) 2020-11-23 11:00:32,883 alphaction.trainer INFO: Start training Segmentation fault (core dumped)
Could you please provide the full log?
And the demo process log is as follows: python demo.py --video-path ../test/bNP8Q_8u89A.webm --output-path ./001.mp4 --cfg-path ../config_files/resnet101_8x8f_baseline.yaml --weight-path ../data/models/aia_models/resnet101_8x8f_baseline.pth Starting video demo, video path: ../test/bNP8Q_8u89A.webm Loading action model weight from ../data/models/aia_models/resnet101_8x8f_baseline.pth. Action model weight successfully loaded. Loading tracking model.. Network successfully loaded Showing tracking progress bar (in fps). Other processes are running in the background. Tracker Progress: 1004 frame [02:42, 6.14 frame/s]
It remains the state all the time, thanks for help with the project.
From the log, I can just see that the problem shows up after this line, https://github.com/MVIG-SJTU/AlphAction/blob/99acc16d4fd91ddd91d34665ee9c21607ebbd9a0/alphaction/engine/trainer.py#L30
You can add some print
after this line to see where it stops.
Could you please provide the full log?
And the demo process log is as follows: python demo.py --video-path ../test/bNP8Q_8u89A.webm --output-path ./001.mp4 --cfg-path ../config_files/resnet101_8x8f_baseline.yaml --weight-path ../data/models/aia_models/resnet101_8x8f_baseline.pth Starting video demo, video path: ../test/bNP8Q_8u89A.webm Loading action model weight from ../data/models/aia_models/resnet101_8x8f_baseline.pth. Action model weight successfully loaded. Loading tracking model.. Network successfully loaded Showing tracking progress bar (in fps). Other processes are running in the background. Tracker Progress: 1004 frame [02:42, 6.14 frame/s]
It remains the state all the time, thanks for help with the project.
Could you provide the video so that I could locate the problem more easily?
From the log, I can just see that the problem shows up after this line, https://github.com/MVIG-SJTU/AlphAction/blob/99acc16d4fd91ddd91d34665ee9c21607ebbd9a0/alphaction/engine/trainer.py#L30
You can add some
Yes, I have printed the logs, and I found it in the roi_aligh_3d.py, import alphaction._custom_cuda_ext as _C, when I import the package in the shell, it shows 'undefined symbol: _ZN6caffe26detail37_typeMetaDataInstance_preallocated_32E'. But I have installed the project and with no errors.
Could you please provide the full log?
And the demo process log is as follows: python demo.py --video-path ../test/bNP8Q_8u89A.webm --output-path ./001.mp4 --cfg-path ../config_files/resnet101_8x8f_baseline.yaml --weight-path ../data/models/aia_models/resnet101_8x8f_baseline.pth Starting video demo, video path: ../test/bNP8Q_8u89A.webm Loading action model weight from ../data/models/aia_models/resnet101_8x8f_baseline.pth. Action model weight successfully loaded. Loading tracking model.. Network successfully loaded Showing tracking progress bar (in fps). Other processes are running in the background. Tracker Progress: 1004 frame [02:42, 6.14 frame/s] It remains the state all the time, thanks for help with the project.
Could you provide the video so that I could locate the problem more easily?
OK, the video is used that in AVA2.2 testset, bNP8Q_8u89A.webm, I have tried some videos, it shows the same.
It means that you have not successfully install this project yet. The demo could stuck because of the same problem. Please refer to https://github.com/MVIG-SJTU/AlphAction/issues/10 and https://github.com/MVIG-SJTU/AlphAction/issues/28#issuecomment-713266897 to locate the problem.
It means that you have not successfully install this project yet. The demo could stuck because of the same problem. Please refer to
10
and #28 (comment) to locate the problem.
but the installation process did not report errors.
Just try re-install it. Attach the installation log if you believe there is no error reported.
Just try re-install it. Attach the installation log if you believe there is no error reported.
OK, I try again. Thanks a lot!
Just try re-install it. Attach the installation log if you believe there is no error reported.
Obtaining file:///AlphAction-master Requirement already satisfied: tqdm in /Anaconda3/lib/python3.7/site-packages (from alphaction==0.0.0) (4.42.1) Requirement already satisfied: yacs in /Anaconda3/lib/python3.7/site-packages (from alphaction==0.0.0) (0.1.8) Requirement already satisfied: opencv-python in /Anaconda3/lib/python3.7/site-packages (from alphaction==0.0.0) (4.4.0.46) Requirement already satisfied: tensorboardX in /Anaconda3/lib/python3.7/site-packages (from alphaction==0.0.0) (2.1) Requirement already satisfied: SciPy in /Anaconda3/lib/python3.7/site-packages (from alphaction==0.0.0) (1.4.1) Requirement already satisfied: matplotlib in /Anaconda3/lib/python3.7/site-packages (from alphaction==0.0.0) (3.1.3) Requirement already satisfied: cython-bbox in /Anaconda3/lib/python3.7/site-packages (from alphaction==0.0.0) (0.1.3) Requirement already satisfied: easydict in /Anaconda3/lib/python3.7/site-packages (from alphaction==0.0.0) (1.9) Requirement already satisfied: PyYAML in /Anaconda3/lib/python3.7/site-packages (from yacs->alphaction==0.0.0) (5.3) Requirement already satisfied: numpy>=1.14.5 in /Anaconda3/lib/python3.7/site-packages (from opencv-python->alphaction==0.0.0) (1.18.1) Requirement already satisfied: six in /Anaconda3/lib/python3.7/site-packages (from tensorboardX->alphaction==0.0.0) (1.14.0) Requirement already satisfied: protobuf>=3.8.0 in /Anaconda3/lib/python3.7/site-packages (from tensorboardX->alphaction==0.0.0) (3.14.0) Requirement already satisfied: kiwisolver>=1.0.1 in /Anaconda3/lib/python3.7/site-packages (from matplotlib->alphaction==0.0.0) (1.1.0) Requirement already satisfied: pyparsing!=2.0.4,!=2.1.2,!=2.1.6,>=2.0.1 in /Anaconda3/lib/python3.7/site-packages (from matplotlib->alphaction==0.0.0) (2.4.6) Requirement already satisfied: cycler>=0.10 in /Anaconda3/lib/python3.7/site-packages (from matplotlib->alphaction==0.0.0) (0.10.0) Requirement already satisfied: python-dateutil>=2.1 in /Anaconda3/lib/python3.7/site-packages (from matplotlib->alphaction==0.0.0) (2.8.1) Requirement already satisfied: setuptools in /Anaconda3/lib/python3.7/site-packages (from kiwisolver>=1.0.1->matplotlib->alphaction==0.0.0) (45.2.0.post20200210) Installing collected packages: alphaction Attempting uninstall: alphaction Found existing installation: alphaction 0.0.0 Uninstalling alphaction-0.0.0: Successfully uninstalled alphaction-0.0.0 Running setup.py develop for alphaction Successfully installed alphaction
The above is the installation log. It still has the errors.
Could you please remove build/
directory and then run python setup.py build develop
under the root directory of this project?
Could you please remove
build/
directory and then runpython setup.py build develop
under the root directory of this project?
OK, I will try. Thanks.
Could you please remove
build/
directory and then runpython setup.py build develop
under the root directory of this project?
python setup.py build develop running build running build_py creating build creating build/lib.linux-x86_64-3.7 creating build/lib.linux-x86_64-3.7/alphaction copying alphaction/init.py -> build/lib.linux-x86_64-3.7/alphaction creating build/lib.linux-x86_64-3.7/detector copying detector/tracker_cfg.py -> build/lib.linux-x86_64-3.7/detector copying detector/init.py -> build/lib.linux-x86_64-3.7/detector copying detector/apis.py -> build/lib.linux-x86_64-3.7/detector copying detector/tracker_api.py -> build/lib.linux-x86_64-3.7/detector copying detector/yolo_api.py -> build/lib.linux-x86_64-3.7/detector copying detector/yolo_cfg.py -> build/lib.linux-x86_64-3.7/detector creating build/lib.linux-x86_64-3.7/alphaction/solver copying alphaction/solver/build.py -> build/lib.linux-x86_64-3.7/alphaction/solver copying alphaction/solver/init.py -> build/lib.linux-x86_64-3.7/alphaction/solver copying alphaction/solver/lr_scheduler.py -> build/lib.linux-x86_64-3.7/alphaction/solver creating build/lib.linux-x86_64-3.7/alphaction/structures copying alphaction/structures/init.py -> build/lib.linux-x86_64-3.7/alphaction/structures copying alphaction/structures/memory_pool.py -> build/lib.linux-x86_64-3.7/alphaction/structures copying alphaction/structures/bounding_box.py -> build/lib.linux-x86_64-3.7/alphaction/structures creating build/lib.linux-x86_64-3.7/alphaction/modeling copying alphaction/modeling/init.py -> build/lib.linux-x86_64-3.7/alphaction/modeling copying alphaction/modeling/common_blocks.py -> build/lib.linux-x86_64-3.7/alphaction/modeling copying alphaction/modeling/poolers.py -> build/lib.linux-x86_64-3.7/alphaction/modeling copying alphaction/modeling/nonlocal_block.py -> build/lib.linux-x86_64-3.7/alphaction/modeling copying alphaction/modeling/registry.py -> build/lib.linux-x86_64-3.7/alphaction/modeling copying alphaction/modeling/utils.py -> build/lib.linux-x86_64-3.7/alphaction/modeling creating build/lib.linux-x86_64-3.7/alphaction/dataset copying alphaction/dataset/build.py -> build/lib.linux-x86_64-3.7/alphaction/dataset copying alphaction/dataset/init.py -> build/lib.linux-x86_64-3.7/alphaction/dataset copying alphaction/dataset/collate_batch.py -> build/lib.linux-x86_64-3.7/alphaction/dataset creating build/lib.linux-x86_64-3.7/alphaction/config copying alphaction/config/init.py -> build/lib.linux-x86_64-3.7/alphaction/config copying alphaction/config/defaults.py -> build/lib.linux-x86_64-3.7/alphaction/config copying alphaction/config/paths_catalog.py -> build/lib.linux-x86_64-3.7/alphaction/config creating build/lib.linux-x86_64-3.7/alphaction/engine copying alphaction/engine/init.py -> build/lib.linux-x86_64-3.7/alphaction/engine copying alphaction/engine/inference.py -> build/lib.linux-x86_64-3.7/alphaction/engine copying alphaction/engine/trainer.py -> build/lib.linux-x86_64-3.7/alphaction/engine creating build/lib.linux-x86_64-3.7/alphaction/utils copying alphaction/utils/metric_logger.py -> build/lib.linux-x86_64-3.7/alphaction/utils copying alphaction/utils/model_serialization.py -> build/lib.linux-x86_64-3.7/alphaction/utils copying alphaction/utils/logger.py -> build/lib.linux-x86_64-3.7/alphaction/utils copying alphaction/utils/c2_model_loading.py -> build/lib.linux-x86_64-3.7/alphaction/utils copying alphaction/utils/init.py -> build/lib.linux-x86_64-3.7/alphaction/utils copying alphaction/utils/checkpoint.py -> build/lib.linux-x86_64-3.7/alphaction/utils copying alphaction/utils/random_seed.py -> build/lib.linux-x86_64-3.7/alphaction/utils copying alphaction/utils/IA_helper.py -> build/lib.linux-x86_64-3.7/alphaction/utils copying alphaction/utils/comm.py -> build/lib.linux-x86_64-3.7/alphaction/utils copying alphaction/utils/registry.py -> build/lib.linux-x86_64-3.7/alphaction/utils copying alphaction/utils/video_decode.py -> build/lib.linux-x86_64-3.7/alphaction/utils creating build/lib.linux-x86_64-3.7/alphaction/layers copying alphaction/layers/init.py -> build/lib.linux-x86_64-3.7/alphaction/layers copying alphaction/layers/batch_norm.py -> build/lib.linux-x86_64-3.7/alphaction/layers copying alphaction/layers/roi_pool_3d.py -> build/lib.linux-x86_64-3.7/alphaction/layers copying alphaction/layers/sigmoid_focal_loss.py -> build/lib.linux-x86_64-3.7/alphaction/layers copying alphaction/layers/softmax_focal_loss.py -> build/lib.linux-x86_64-3.7/alphaction/layers copying alphaction/layers/roi_align_3d.py -> build/lib.linux-x86_64-3.7/alphaction/layers creating build/lib.linux-x86_64-3.7/alphaction/modeling/backbone copying alphaction/modeling/backbone/i3d.py -> build/lib.linux-x86_64-3.7/alphaction/modeling/backbone copying alphaction/modeling/backbone/init.py -> build/lib.linux-x86_64-3.7/alphaction/modeling/backbone copying alphaction/modeling/backbone/slowfast.py -> build/lib.linux-x86_64-3.7/alphaction/modeling/backbone copying alphaction/modeling/backbone/backbone.py -> build/lib.linux-x86_64-3.7/alphaction/modeling/backbone creating build/lib.linux-x86_64-3.7/alphaction/modeling/roi_heads copying alphaction/modeling/roi_heads/init.py -> build/lib.linux-x86_64-3.7/alphaction/modeling/roi_heads copying alphaction/modeling/roi_heads/roi_heads_3d.py -> build/lib.linux-x86_64-3.7/alphaction/modeling/roi_heads creating build/lib.linux-x86_64-3.7/alphaction/modeling/detector copying alphaction/modeling/detector/init.py -> build/lib.linux-x86_64-3.7/alphaction/modeling/detector copying alphaction/modeling/detector/action_detector.py -> build/lib.linux-x86_64-3.7/alphaction/modeling/detector creating build/lib.linux-x86_64-3.7/alphaction/modeling/roi_heads/action_head copying alphaction/modeling/roi_heads/action_head/roi_action_feature_extractor.py -> build/lib.linux-x86_64-3.7/alphaction/modeling/roi_heads/action_head copying alphaction/modeling/roi_heads/action_head/metric.py -> build/lib.linux-x86_64-3.7/alphaction/modeling/roi_heads/action_head copying alphaction/modeling/roi_heads/action_head/init.py -> build/lib.linux-x86_64-3.7/alphaction/modeling/roi_heads/action_head copying alphaction/modeling/roi_heads/action_head/IA_structure.py -> build/lib.linux-x86_64-3.7/alphaction/modeling/roi_heads/action_head copying alphaction/modeling/roi_heads/action_head/action_head.py -> build/lib.linux-x86_64-3.7/alphaction/modeling/roi_heads/action_head copying alphaction/modeling/roi_heads/action_head/inference.py -> build/lib.linux-x86_64-3.7/alphaction/modeling/roi_heads/action_head copying alphaction/modeling/roi_heads/action_head/loss.py -> build/lib.linux-x86_64-3.7/alphaction/modeling/roi_heads/action_head copying alphaction/modeling/roi_heads/action_head/roi_action_predictors.py -> build/lib.linux-x86_64-3.7/alphaction/modeling/roi_heads/action_head creating build/lib.linux-x86_64-3.7/alphaction/dataset/samplers copying alphaction/dataset/samplers/distributed.py -> build/lib.linux-x86_64-3.7/alphaction/dataset/samplers copying alphaction/dataset/samplers/grouped_batch_sampler.py -> build/lib.linux-x86_64-3.7/alphaction/dataset/samplers copying alphaction/dataset/samplers/init.py -> build/lib.linux-x86_64-3.7/alphaction/dataset/samplers copying alphaction/dataset/samplers/iteration_based_batch_sampler.py -> build/lib.linux-x86_64-3.7/alphaction/dataset/samplers creating build/lib.linux-x86_64-3.7/alphaction/dataset/transforms copying alphaction/dataset/transforms/build.py -> build/lib.linux-x86_64-3.7/alphaction/dataset/transforms copying alphaction/dataset/transforms/object_transforms.py -> build/lib.linux-x86_64-3.7/alphaction/dataset/transforms copying alphaction/dataset/transforms/init.py -> build/lib.linux-x86_64-3.7/alphaction/dataset/transforms copying alphaction/dataset/transforms/video_transforms.py -> build/lib.linux-x86_64-3.7/alphaction/dataset/transforms creating build/lib.linux-x86_64-3.7/alphaction/dataset/datasets copying alphaction/dataset/datasets/init.py -> build/lib.linux-x86_64-3.7/alphaction/dataset/datasets copying alphaction/dataset/datasets/concat_dataset.py -> build/lib.linux-x86_64-3.7/alphaction/dataset/datasets copying alphaction/dataset/datasets/ava.py -> build/lib.linux-x86_64-3.7/alphaction/dataset/datasets creating build/lib.linux-x86_64-3.7/alphaction/dataset/datasets/evaluation copying alphaction/dataset/datasets/evaluation/init.py -> build/lib.linux-x86_64-3.7/alphaction/dataset/datasets/evaluation creating build/lib.linux-x86_64-3.7/alphaction/dataset/datasets/evaluation/ava copying alphaction/dataset/datasets/evaluation/ava/init.py -> build/lib.linux-x86_64-3.7/alphaction/dataset/datasets/evaluation/ava copying alphaction/dataset/datasets/evaluation/ava/ava_eval.py -> build/lib.linux-x86_64-3.7/alphaction/dataset/datasets/evaluation/ava creating build/lib.linux-x86_64-3.7/alphaction/dataset/datasets/evaluation/ava/pascal_evaluation copying alphaction/dataset/datasets/evaluation/ava/pascal_evaluation/np_box_mask_list_ops.py -> build/lib.linux-x86_64-3.7/alphaction/dataset/datasets/evaluation/ava/pascal_evaluation copying alphaction/dataset/datasets/evaluation/ava/pascal_evaluation/np_box_list_ops.py -> build/lib.linux-x86_64-3.7/alphaction/dataset/datasets/evaluation/ava/pascal_evaluation copying alphaction/dataset/datasets/evaluation/ava/pascal_evaluation/standard_fields.py -> build/lib.linux-x86_64-3.7/alphaction/dataset/datasets/evaluation/ava/pascal_evaluation copying alphaction/dataset/datasets/evaluation/ava/pascal_evaluation/init.py -> build/lib.linux-x86_64-3.7/alphaction/dataset/datasets/evaluation/ava/pascal_evaluation copying alphaction/dataset/datasets/evaluation/ava/pascal_evaluation/np_box_ops.py -> build/lib.linux-x86_64-3.7/alphaction/dataset/datasets/evaluation/ava/pascal_evaluation copying alphaction/dataset/datasets/evaluation/ava/pascal_evaluation/object_detection_evaluation.py -> build/lib.linux-x86_64-3.7/alphaction/dataset/datasets/evaluation/ava/pascal_evaluation copying alphaction/dataset/datasets/evaluation/ava/pascal_evaluation/label_map_util.py -> build/lib.linux-x86_64-3.7/alphaction/dataset/datasets/evaluation/ava/pascal_evaluation copying alphaction/dataset/datasets/evaluation/ava/pascal_evaluation/metrics.py -> build/lib.linux-x86_64-3.7/alphaction/dataset/datasets/evaluation/ava/pascal_evaluation copying alphaction/dataset/datasets/evaluation/ava/pascal_evaluation/np_box_list.py -> build/lib.linux-x86_64-3.7/alphaction/dataset/datasets/evaluation/ava/pascal_evaluation copying alphaction/dataset/datasets/evaluation/ava/pascal_evaluation/per_image_evaluation.py -> build/lib.linux-x86_64-3.7/alphaction/dataset/datasets/evaluation/ava/pascal_evaluation copying alphaction/dataset/datasets/evaluation/ava/pascal_evaluation/np_box_mask_list.py -> build/lib.linux-x86_64-3.7/alphaction/dataset/datasets/evaluation/ava/pascal_evaluation copying alphaction/dataset/datasets/evaluation/ava/pascal_evaluation/np_mask_ops.py -> build/lib.linux-x86_64-3.7/alphaction/dataset/datasets/evaluation/ava/pascal_evaluation creating build/lib.linux-x86_64-3.7/detector/yolo copying detector/yolo/bbox.py -> build/lib.linux-x86_64-3.7/detector/yolo copying detector/yolo/video_demo_half.py -> build/lib.linux-x86_64-3.7/detector/yolo copying detector/yolo/preprocess.py -> build/lib.linux-x86_64-3.7/detector/yolo copying detector/yolo/darknet.py -> build/lib.linux-x86_64-3.7/detector/yolo copying detector/yolo/init.py -> build/lib.linux-x86_64-3.7/detector/yolo copying detector/yolo/util.py -> build/lib.linux-x86_64-3.7/detector/yolo copying detector/yolo/detect.py -> build/lib.linux-x86_64-3.7/detector/yolo copying detector/yolo/video_demo.py -> build/lib.linux-x86_64-3.7/detector/yolo copying detector/yolo/cam_demo.py -> build/lib.linux-x86_64-3.7/detector/yolo creating build/lib.linux-x86_64-3.7/detector/tracker copying detector/tracker/preprocess.py -> build/lib.linux-x86_64-3.7/detector/tracker copying detector/tracker/init.py -> build/lib.linux-x86_64-3.7/detector/tracker copying detector/tracker/models.py -> build/lib.linux-x86_64-3.7/detector/tracker creating build/lib.linux-x86_64-3.7/detector/nms copying detector/nms/init.py -> build/lib.linux-x86_64-3.7/detector/nms copying detector/nms/nms_wrapper.py -> build/lib.linux-x86_64-3.7/detector/nms creating build/lib.linux-x86_64-3.7/detector/tracker/tracker copying detector/tracker/tracker/init.py -> build/lib.linux-x86_64-3.7/detector/tracker/tracker copying detector/tracker/tracker/basetrack.py -> build/lib.linux-x86_64-3.7/detector/tracker/tracker copying detector/tracker/tracker/multitracker.py -> build/lib.linux-x86_64-3.7/detector/tracker/tracker copying detector/tracker/tracker/matching.py -> build/lib.linux-x86_64-3.7/detector/tracker/tracker creating build/lib.linux-x86_64-3.7/detector/tracker/utils copying detector/tracker/utils/parse_config.py -> build/lib.linux-x86_64-3.7/detector/tracker/utils copying detector/tracker/utils/kalman_filter.py -> build/lib.linux-x86_64-3.7/detector/tracker/utils copying detector/tracker/utils/nms.py -> build/lib.linux-x86_64-3.7/detector/tracker/utils copying detector/tracker/utils/init.py -> build/lib.linux-x86_64-3.7/detector/tracker/utils copying detector/tracker/utils/timer.py -> build/lib.linux-x86_64-3.7/detector/tracker/utils copying detector/tracker/utils/visualization.py -> build/lib.linux-x86_64-3.7/detector/tracker/utils copying detector/tracker/utils/log.py -> build/lib.linux-x86_64-3.7/detector/tracker/utils copying detector/tracker/utils/utils.py -> build/lib.linux-x86_64-3.7/detector/tracker/utils copying detector/tracker/utils/io.py -> build/lib.linux-x86_64-3.7/detector/tracker/utils copying detector/tracker/utils/evaluation.py -> build/lib.linux-x86_64-3.7/detector/tracker/utils copying detector/tracker/utils/datasets.py -> build/lib.linux-x86_64-3.7/detector/tracker/utils running build_ext building 'alphaction._custom_cuda_ext' extension creating build/temp.linux-x86_64-3.7 creating build/temp.linux-x86_64-3.7/home creating build/temp.linux-x86_64-3.7/home/data creating build/temp.linux-x86_64-3.7/home/data/code creating build/temp.linux-x86_64-3.7/home/data/code/user creating build/temp.linux-x86_64-3.7 creating build/temp.linux-x86_64-3.7/Codes creating build/temp.linux-x86_64-3.7/Codes/AlphAction creating build/temp.linux-x86_64-3.7/Codes/AlphAction/alphaction creating build/temp.linux-x86_64-3.7/Codes/AlphAction/alphaction/csrc creating build/temp.linux-x86_64-3.7/Codes/AlphAction/alphaction/csrc/cuda gcc -pthread -B /anaconda3/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -DWITH_CUDA -I/Codes/AlphAction/alphaction/csrc -I/anaconda3/lib/python3.7/site-packages/torch/include -I/anaconda3/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/anaconda3/lib/python3.7/site-packages/torch/include/TH -I/anaconda3/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda/include -I/anaconda3/include/python3.7m -c /Codes/AlphAction/alphaction/csrc/vision.cpp -o build/temp.linux-x86_64-3.7/Codes/AlphAction/alphaction/csrc/vision.o -DTORCH_API_INCLUDE_EXTENSION_H -DTORCH_EXTENSION_NAME=_custom_cuda_ext -D_GLIBCXX_USE_CXX11_ABI=1 -std=c++11 cc1plus: warning: command line option ‘-Wstrict-prototypes’ is valid for C/ObjC but not for C++ /usr/local/cuda/bin/nvcc -DWITH_CUDA -I/Codes/AlphAction/alphaction/csrc -I/anaconda3/lib/python3.7/site-packages/torch/include -I/anaconda3/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/anaconda3/lib/python3.7/site-packages/torch/include/TH -I/anaconda3/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda/include -I/anaconda3/include/python3.7m -c /Codes/AlphAction/alphaction/csrc/cuda/ROIAlign3d_cuda.cu -o build/temp.linux-x86_64-3.7/Codes/AlphAction/alphaction/csrc/cuda/ROIAlign3d_cuda.o -DCUDA_NO_HALF_OPERATORS -DCUDA_NO_HALF_CONVERSIONS -DCUDA_NO_HALF2_OPERATORS --expt-relaxed-constexpr --compiler-options '-fPIC' -O3 -DCUDA_HAS_FP16=1 -DCUDA_NO_HALF_OPERATORS -DCUDA_NO_HALF_CONVERSIONS -DCUDA_NO_HALF2_OPERATORS -DTORCH_API_INCLUDE_EXTENSION_H -DTORCH_EXTENSION_NAME=_custom_cuda_ext -D_GLIBCXX_USE_CXX11_ABI=1 -gencode=arch=compute_61,code=sm_61 -std=c++11 /anaconda3/lib/python3.7/site-packages/torch/include/c10/core/TensorTypeSet.h(44): warning: integer conversion resulted in a change of sign
/anaconda3/lib/python3.7/site-packages/torch/include/c10/core/TensorTypeSet.h(44): warning: integer conversion resulted in a change of sign
/usr/local/cuda/bin/nvcc -DWITH_CUDA -I/Codes/AlphAction/alphaction/csrc -I/anaconda3/lib/python3.7/site-packages/torch/include -I/anaconda3/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/anaconda3/lib/python3.7/site-packages/torch/include/TH -I/anaconda3/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda/include -I/anaconda3/include/python3.7m -c /Codes/AlphAction/alphaction/csrc/cuda/SigmoidFocalLoss_cuda.cu -o build/temp.linux-x86_64-3.7/Codes/AlphAction/alphaction/csrc/cuda/SigmoidFocalLoss_cuda.o -DCUDA_NO_HALF_OPERATORS -DCUDA_NO_HALF_CONVERSIONS -DCUDA_NO_HALF2_OPERATORS --expt-relaxed-constexpr --compiler-options '-fPIC' -O3 -DCUDA_HAS_FP16=1 -DCUDA_NO_HALF_OPERATORS -DCUDA_NO_HALF_CONVERSIONS -DCUDA_NO_HALF2_OPERATORS -DTORCH_API_INCLUDE_EXTENSION_H -DTORCH_EXTENSION_NAME=_custom_cuda_ext -D_GLIBCXX_USE_CXX11_ABI=1 -gencode=arch=compute_61,code=sm_61 -std=c++11 /anaconda3/lib/python3.7/site-packages/torch/include/c10/core/TensorTypeSet.h(44): warning: integer conversion resulted in a change of sign
/anaconda3/lib/python3.7/site-packages/torch/include/c10/core/TensorTypeSet.h(44): warning: integer conversion resulted in a change of sign
/usr/local/cuda/bin/nvcc -DWITH_CUDA -I/Codes/AlphAction/alphaction/csrc -I/anaconda3/lib/python3.7/site-packages/torch/include -I/anaconda3/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/anaconda3/lib/python3.7/site-packages/torch/include/TH -I/anaconda3/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda/include -I/anaconda3/include/python3.7m -c /Codes/AlphAction/alphaction/csrc/cuda/ROIPool3d_cuda.cu -o build/temp.linux-x86_64-3.7/Codes/AlphAction/alphaction/csrc/cuda/ROIPool3d_cuda.o -DCUDA_NO_HALF_OPERATORS -DCUDA_NO_HALF_CONVERSIONS -DCUDA_NO_HALF2_OPERATORS --expt-relaxed-constexpr --compiler-options '-fPIC' -O3 -DCUDA_HAS_FP16=1 -DCUDA_NO_HALF_OPERATORS -DCUDA_NO_HALF_CONVERSIONS -DCUDA_NO_HALF2_OPERATORS -DTORCH_API_INCLUDE_EXTENSION_H -DTORCH_EXTENSION_NAME=_custom_cuda_ext -D_GLIBCXX_USE_CXX11_ABI=1 -gencode=arch=compute_61,code=sm_61 -std=c++11 /anaconda3/lib/python3.7/site-packages/torch/include/c10/core/TensorTypeSet.h(44): warning: integer conversion resulted in a change of sign
/anaconda3/lib/python3.7/site-packages/torch/include/c10/core/TensorTypeSet.h(44): warning: integer conversion resulted in a change of sign
/usr/local/cuda/bin/nvcc -DWITH_CUDA -I/Codes/AlphAction/alphaction/csrc -I/anaconda3/lib/python3.7/site-packages/torch/include -I/anaconda3/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/anaconda3/lib/python3.7/site-packages/torch/include/TH -I/anaconda3/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda/include -I/anaconda3/include/python3.7m -c /Codes/AlphAction/alphaction/csrc/cuda/SoftmaxFocalLoss_cuda.cu -o build/temp.linux-x86_64-3.7/Codes/AlphAction/alphaction/csrc/cuda/SoftmaxFocalLoss_cuda.o -DCUDA_NO_HALF_OPERATORS -DCUDA_NO_HALF_CONVERSIONS -DCUDA_NO_HALF2_OPERATORS --expt-relaxed-constexpr --compiler-options '-fPIC' -O3 -DCUDA_HAS_FP16=1 -DCUDA_NO_HALF_OPERATORS -DCUDA_NO_HALF_CONVERSIONS -DCUDA_NO_HALF2_OPERATORS -DTORCH_API_INCLUDE_EXTENSION_H -DTORCH_EXTENSION_NAME=_custom_cuda_ext -D_GLIBCXX_USE_CXX11_ABI=1 -gencode=arch=compute_61,code=sm_61 -std=c++11 /anaconda3/lib/python3.7/site-packages/torch/include/c10/core/TensorTypeSet.h(44): warning: integer conversion resulted in a change of sign
/anaconda3/lib/python3.7/site-packages/torch/include/c10/core/TensorTypeSet.h(44): warning: integer conversion resulted in a change of sign
g++ -pthread -shared -B /anaconda3/compiler_compat -L/anaconda3/lib -Wl,-rpath=/anaconda3/lib -Wl,--no-as-needed -Wl,--sysroot=/ build/temp.linux-x86_64-3.7/Codes/AlphAction/alphaction/csrc/vision.o build/temp.linux-x86_64-3.7/Codes/AlphAction/alphaction/csrc/cuda/ROIAlign3d_cuda.o build/temp.linux-x86_64-3.7/Codes/AlphAction/alphaction/csrc/cuda/SigmoidFocalLoss_cuda.o build/temp.linux-x86_64-3.7/Codes/AlphAction/alphaction/csrc/cuda/ROIPool3d_cuda.o build/temp.linux-x86_64-3.7/Codes/AlphAction/alphaction/csrc/cuda/SoftmaxFocalLoss_cuda.o -L/usr/local/cuda/lib64 -lcudart -o build/lib.linux-x86_64-3.7/alphaction/_custom_cuda_ext.cpython-37m-x86_64-linux-gnu.so building 'detector.nms.soft_nms_cpu' extension creating build/temp.linux-x86_64-3.7/detector creating build/temp.linux-x86_64-3.7/detector/nms creating build/temp.linux-x86_64-3.7/detector/nms/src gcc -pthread -B /anaconda3/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -I/anaconda3/lib/python3.7/site-packages/numpy/core/include -I/anaconda3/include/python3.7m -c detector/nms/src/soft_nms_cpu.cpp -o build/temp.linux-x86_64-3.7/detector/nms/src/soft_nms_cpu.o -Wno-unused-function -Wno-write-strings -DTORCH_API_INCLUDE_EXTENSION_H -DTORCH_EXTENSION_NAME=soft_nms_cpu -D_GLIBCXX_USE_CXX11_ABI=1 -std=c++11 cc1plus: warning: command line option ‘-Wstrict-prototypes’ is valid for C/ObjC but not for C++ In file included from /anaconda3/lib/python3.7/site-packages/numpy/core/include/numpy/ndarraytypes.h:1832:0, from /anaconda3/lib/python3.7/site-packages/numpy/core/include/numpy/ndarrayobject.h:12, from /anaconda3/lib/python3.7/site-packages/numpy/core/include/numpy/arrayobject.h:4, from detector/nms/src/soft_nms_cpu.cpp:638: /anaconda3/lib/python3.7/site-packages/numpy/core/include/numpy/npy_1_7_deprecated_api.h:17:2: warning: #warning "Using deprecated NumPy API, disable it with " "#define NPY_NO_DEPRECATED_API NPY_1_7_API_VERSION" [-Wcpp]
^ g++ -pthread -shared -B /anaconda3/compiler_compat -L/anaconda3/lib -Wl,-rpath=/anaconda3/lib -Wl,--no-as-needed -Wl,--sysroot=/ build/temp.linux-x86_64-3.7/detector/nms/src/soft_nms_cpu.o -o build/lib.linux-x86_64-3.7/detector/nms/soft_nms_cpu.cpython-37m-x86_64-linux-gnu.so building 'detector.nms.nms_cpu' extension gcc -pthread -B /anaconda3/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -I/anaconda3/lib/python3.7/site-packages/torch/include -I/anaconda3/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/anaconda3/lib/python3.7/site-packages/torch/include/TH -I/anaconda3/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda/include -I/anaconda3/include/python3.7m -c detector/nms/src/nms_cpu.cpp -o build/temp.linux-x86_64-3.7/detector/nms/src/nms_cpu.o -DTORCH_API_INCLUDE_EXTENSION_H -DTORCH_EXTENSION_NAME=nms_cpu -D_GLIBCXX_USE_CXX11_ABI=1 -std=c++11 cc1plus: warning: command line option ‘-Wstrict-prototypes’ is valid for C/ObjC but not for C++ g++ -pthread -shared -B /anaconda3/compiler_compat -L/anaconda3/lib -Wl,-rpath=/anaconda3/lib -Wl,--no-as-needed -Wl,--sysroot=/ build/temp.linux-x86_64-3.7/detector/nms/src/nms_cpu.o -L/usr/local/cuda/lib64 -lcudart -o build/lib.linux-x86_64-3.7/detector/nms/nms_cpu.cpython-37m-x86_64-linux-gnu.so building 'detector.nms.nms_cuda' extension gcc -pthread -B /anaconda3/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -I/anaconda3/lib/python3.7/site-packages/torch/include -I/anaconda3/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/anaconda3/lib/python3.7/site-packages/torch/include/TH -I/anaconda3/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda/include -I/anaconda3/include/python3.7m -c detector/nms/src/nms_cuda.cpp -o build/temp.linux-x86_64-3.7/detector/nms/src/nms_cuda.o -DTORCH_API_INCLUDE_EXTENSION_H -DTORCH_EXTENSION_NAME=nms_cuda -D_GLIBCXX_USE_CXX11_ABI=1 -std=c++11 cc1plus: warning: command line option ‘-Wstrict-prototypes’ is valid for C/ObjC but not for C++ /usr/local/cuda/bin/nvcc -I/anaconda3/lib/python3.7/site-packages/torch/include -I/anaconda3/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/anaconda3/lib/python3.7/site-packages/torch/include/TH -I/anaconda3/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda/include -I/anaconda3/include/python3.7m -c detector/nms/src/nms_kernel.cu -o build/temp.linux-x86_64-3.7/detector/nms/src/nms_kernel.o -DCUDA_NO_HALF_OPERATORS -DCUDA_NO_HALF_CONVERSIONS -DCUDA_NO_HALF2_OPERATORS --expt-relaxed-constexpr --compiler-options '-fPIC' -DCUDA_NO_HALF_OPERATORS -DCUDA_NO_HALF_CONVERSIONS -DCUDA_NO_HALF2_OPERATORS -DTORCH_API_INCLUDE_EXTENSION_H -DTORCH_EXTENSION_NAME=nms_cuda -D_GLIBCXX_USE_CXX11_ABI=1 -gencode=arch=compute_61,code=sm_61 -std=c++11 /anaconda3/lib/python3.7/site-packages/torch/include/c10/core/TensorTypeSet.h(44): warning: integer conversion resulted in a change of sign
/anaconda3/lib/python3.7/site-packages/torch/include/c10/core/TensorTypeSet.h(44): warning: integer conversion resulted in a change of sign
g++ -pthread -shared -B /anaconda3/compiler_compat -L/anaconda3/lib -Wl,-rpath=/anaconda3/lib -Wl,--no-as-needed -Wl,--sysroot=/ build/temp.linux-x86_64-3.7/detector/nms/src/nms_cuda.o build/temp.linux-x86_64-3.7/detector/nms/src/nms_kernel.o -L/usr/local/cuda/lib64 -lcudart -o build/lib.linux-x86_64-3.7/detector/nms/nms_cuda.cpython-37m-x86_64-linux-gnu.so running develop running egg_info writing alphaction.egg-info/PKG-INFO writing dependency_links to alphaction.egg-info/dependency_links.txt writing requirements to alphaction.egg-info/requires.txt writing top-level names to alphaction.egg-info/top_level.txt reading manifest file 'alphaction.egg-info/SOURCES.txt' writing manifest file 'alphaction.egg-info/SOURCES.txt' running build_ext copying build/lib.linux-x86_64-3.7/alphaction/_custom_cuda_ext.cpython-37m-x86_64-linux-gnu.so -> alphaction copying build/lib.linux-x86_64-3.7/detector/nms/soft_nms_cpu.cpython-37m-x86_64-linux-gnu.so -> detector/nms copying build/lib.linux-x86_64-3.7/detector/nms/nms_cpu.cpython-37m-x86_64-linux-gnu.so -> detector/nms copying build/lib.linux-x86_64-3.7/detector/nms/nms_cuda.cpython-37m-x86_64-linux-gnu.so -> detector/nms Creating /anaconda3/lib/python3.7/site-packages/alphaction.egg-link (link to .) alphaction 0.0.0 is already the active version in easy-install.pth
Installed /Codes/AlphAction Processing dependencies for alphaction==0.0.0 Searching for easydict==1.9 Best match: easydict 1.9 Adding easydict 1.9 to easy-install.pth file
Using /anaconda3/lib/python3.7/site-packages Searching for cython-bbox==0.1.3 Best match: cython-bbox 0.1.3 Adding cython-bbox 0.1.3 to easy-install.pth file
Using /anaconda3/lib/python3.7/site-packages Searching for matplotlib==3.1.3 Best match: matplotlib 3.1.3 Adding matplotlib 3.1.3 to easy-install.pth file
Using /anaconda3/lib/python3.7/site-packages Searching for scipy==1.4.1 Best match: scipy 1.4.1 Adding scipy 1.4.1 to easy-install.pth file
Using /anaconda3/lib/python3.7/site-packages Searching for tensorboardX==2.1 Best match: tensorboardX 2.1 Adding tensorboardX 2.1 to easy-install.pth file
Using /anaconda3/lib/python3.7/site-packages Searching for opencv-python==4.4.0.46 Best match: opencv-python 4.4.0.46 Adding opencv-python 4.4.0.46 to easy-install.pth file
Using /anaconda3/lib/python3.7/site-packages Searching for yacs==0.1.8 Best match: yacs 0.1.8 Adding yacs 0.1.8 to easy-install.pth file
Using /anaconda3/lib/python3.7/site-packages Searching for tqdm==4.42.1 Best match: tqdm 4.42.1 Adding tqdm 4.42.1 to easy-install.pth file Installing tqdm script to /anaconda3/bin
Using /anaconda3/lib/python3.7/site-packages Searching for pyparsing==2.4.6 Best match: pyparsing 2.4.6 Adding pyparsing 2.4.6 to easy-install.pth file
Using /anaconda3/lib/python3.7/site-packages Searching for cycler==0.10.0 Best match: cycler 0.10.0 Adding cycler 0.10.0 to easy-install.pth file
Using /anaconda3/lib/python3.7/site-packages Searching for numpy==1.18.1 Best match: numpy 1.18.1 Adding numpy 1.18.1 to easy-install.pth file Installing f2py script to /anaconda3/bin Installing f2py3 script to /anaconda3/bin Installing f2py3.7 script to /anaconda3/bin
Using /anaconda3/lib/python3.7/site-packages Searching for kiwisolver==1.1.0 Best match: kiwisolver 1.1.0 Adding kiwisolver 1.1.0 to easy-install.pth file
Using /anaconda3/lib/python3.7/site-packages Searching for python-dateutil==2.8.1 Best match: python-dateutil 2.8.1 Adding python-dateutil 2.8.1 to easy-install.pth file
Using /anaconda3/lib/python3.7/site-packages Searching for protobuf==3.14.0 Best match: protobuf 3.14.0 Adding protobuf 3.14.0 to easy-install.pth file
Using /anaconda3/lib/python3.7/site-packages Searching for six==1.14.0 Best match: six 1.14.0 Adding six 1.14.0 to easy-install.pth file
Using /anaconda3/lib/python3.7/site-packages Searching for PyYAML==5.3 Best match: PyYAML 5.3 Adding PyYAML 5.3 to easy-install.pth file
Using /anaconda3/lib/python3.7/site-packages Searching for setuptools==45.2.0.post20200210 Best match: setuptools 45.2.0.post20200210 Adding setuptools 45.2.0.post20200210 to easy-install.pth file Installing easy_install script to /anaconda3/bin
Using /anaconda3/lib/python3.7/site-packages Finished processing dependencies for alphaction==0.0.0
The above is the installation logs, while when I use the training script, it shows '_custom_cuda_ext.cpython-37m-x86_64-linux-gnu.so: undefined symbol: _ZN3c105ErrorC1ENS_14SourceLocationERKSs'.
What is your gcc version? And the output of python -c "import torch;print(torch.__file__)"
?
python -c "import torch;print(torch.file)"
The gcc version is 5.3.1, the output of python -c "import torch;print(torch.file)" is '/anaconda3/lib/python3.7/site-packages/torch/init.py'
emm..., no idea. How about python -c 'from torch.utils.collect_env import main; main()'
...
emm..., no idea. How about
python -c 'from torch.utils.collect_env import main; main()'
...
I have tried this, and the version that the pytorch compiled is the same with the cuda 10.0. Thanks a lot! I will continue to debug the error.
This seems not to be a problem specific to this project, I think you may find some helpful information in other repositories.
This seems not to be a problem specific to this project, I think you may find some helpful information in other repositories.
Thanks a lot again for helping solve the problems! By the way, could you please provide the UCF dataset? And is it the same process with AVA?
Sorry, we do not plan to provide the model trained on UCF dataset. Most of our experiments are conducted on AVA dataset, which is much larger and more challenging. For UCF dataset downloading, you could check https://github.com/gurkirt/realtime-action-detection.
Sorry, we do not plan to provide the model trained on UCF dataset. Most of our experiments are conducted on AVA dataset, which is much larger and more challenging. For UCF dataset downloading, you could check https://github.com/gurkirt/realtime-action-detection.
That's OK! Thanks a lot!
Sorry, we do not plan to provide the model trained on UCF dataset. Most of our experiments are conducted on AVA dataset, which is much larger and more challenging. For UCF dataset downloading, you could check https://github.com/gurkirt/realtime-action-detection.
The official download link is invalid, could you please provide an alternative link for downloading the dataset and annotations?
For frames and corrected annotations, you could find in the repository https://github.com/gurkirt/realtime-action-detection. For video data, you can download it from the official website, http://www.thumos.info/download.html.
Thanks a lot!
hi, do you solve the problem now? I met the same problem...and I have tried many times, it didn't report any errors when I build.
Traceback (most recent call last):
File "train_net.py", line 15, in
hi, do you solve the problem now? I met the same problem...and I have tried many times, it didn't report any errors when I build.
Traceback (most recent call last): File "train_net.py", line 15, in from alphaction.modeling.detector import build_detection_model File "/home/hechujing/AlphAction/alphaction/modeling/detector/init.py", line 1, in from .action_detector import build_detection_model File "/home/hechujing/AlphAction/alphaction/modeling/detector/action_detector.py", line 3, in from ..backbone import build_backbone File "/home/hechujing/AlphAction/alphaction/modeling/backbone/init.py", line 1, in from .backbone import build_backbone File "/home/hechujing/AlphAction/alphaction/modeling/backbone/backbone.py", line 2, in from . import slowfast, i3d File "/home/hechujing/AlphAction/alphaction/modeling/backbone/slowfast.py", line 6, in from alphaction.modeling.common_blocks import ResNLBlock File "/home/hechujing/AlphAction/alphaction/modeling/common_blocks.py", line 2, in from alphaction.modeling.nonlocal_block import NLBlock File "/home/hechujing/AlphAction/alphaction/modeling/nonlocal_block.py", line 6, in from alphaction.layers import FrozenBatchNorm3d File "/home/hechujing/AlphAction/alphaction/layers/init.py", line 3, in from .roi_align_3d import ROIAlign3d File "/home/hechujing/AlphAction/alphaction/layers/roi_align_3d.py", line 7, in import alphaction._custom_cuda_ext as _C ImportError: /home/hechujing/AlphAction/alphaction/_custom_cuda_ext.cpython-37m-x86_64-linux-gnu.so: undefined symbol: cudaSetupArgument
It looks like the cuda version problem, you can check with the cuda and pytorch version. And make sure that you have built the project successfully.
same problem
您好,请问您最后解决这个错误了吗
hi, do you solve the problem now? I met the same problem...and I have tried many times, it didn't report any errors when I build. Traceback (most recent call last): File "train_net.py", line 15, in from alphaction.modeling.detector import build_detection_model File "/home/hechujing/AlphAction/alphaction/modeling/detector/init.py", line 1, in from .action_detector import build_detection_model File "/home/hechujing/AlphAction/alphaction/modeling/detector/action_detector.py", line 3, in from ..backbone import build_backbone File "/home/hechujing/AlphAction/alphaction/modeling/backbone/init.py", line 1, in from .backbone import build_backbone File "/home/hechujing/AlphAction/alphaction/modeling/backbone/backbone.py", line 2, in from . import slowfast, i3d File "/home/hechujing/AlphAction/alphaction/modeling/backbone/slowfast.py", line 6, in from alphaction.modeling.common_blocks import ResNLBlock File "/home/hechujing/AlphAction/alphaction/modeling/common_blocks.py", line 2, in from alphaction.modeling.nonlocal_block import NLBlock File "/home/hechujing/AlphAction/alphaction/modeling/nonlocal_block.py", line 6, in from alphaction.layers import FrozenBatchNorm3d File "/home/hechujing/AlphAction/alphaction/layers/init.py", line 3, in from .roi_align_3d import ROIAlign3d File "/home/hechujing/AlphAction/alphaction/layers/roi_align_3d.py", line 7, in import alphaction._custom_cuda_ext as _C ImportError: /home/hechujing/AlphAction/alphaction/_custom_cuda_ext.cpython-37m-x86_64-linux-gnu.so: undefined symbol: cudaSetupArgument
It looks like the cuda version problem, you can check with the cuda and pytorch version. And make sure that you have built the project successfully.
python -c 'from torch.utils.collect_env import main; main()'
我是在另外一个project遇到的。最后是换torch到1.10,cuda到11.1解决了
python -c 'from torch.utils.collect_env import main; main()'
我是在另外一个project遇到的。最后是换torch到1.10,cuda到11.1解决了
这个错误是cuda和pytorch版本不一致导致的,可以核对软件版本后,再重新编译安装试试
Hi, when i run the training command on a single GPU, it shows Segmentation fault (core dumped), and I have modified the multiprocess setting to 0, but it still remains the same. Could you please help to address the problem? And when i run the training command on multi GPUs, it shows another fault: subprocess.CalledProcessError: Command '***(the command)' died with <Signals.SIGSEGV: 11>. My environment is: Python 3.7.6 PyTorch 1.3.1 built for Cuda 10.0 Cuda runtime version 10.0. Thanks.
Besides, when I run the demo.py, it remains the state 'Tracker Progress: 1004 frame [02:42, 6.14 frame/s]' for a long time, is it normal?