Joint detection and tracking model named DEFT, or ``Detection Embeddings for Tracking.

Overview

DEFT

DEFT: Detection Embeddings for Tracking

DEFT: Detection Embeddings for Tracking,
Mohamed Chaabane, Peter Zhang, J. Ross Beveridge, Stephen O'Hara
arXiv technical report (arXiv 2102.02267)

@article{Chaabane2021deft,
  title={DEFT: Detection Embeddings for Tracking},
  author={Chaabane, Mohamed and Zhang, Peter and Beveridge, Ross and O'Hara, Stephen},
  journal={arXiv preprint arXiv:2102.02267},
  year={2021}
}

Contact: [email protected]. Any questions or discussion are welcome!

Abstract

Most modern multiple object tracking (MOT) systems follow the tracking-by-detection paradigm, consisting of a detector followed by a method for associating detections into tracks. There is a long history in tracking of combining motion and appearance features to provide robustness to occlusions and other challenges, but typically this comes with the trade-off of a more complex and slower implementation. Recent successes on popular 2D tracking benchmarks indicate that top-scores can be achieved using a state-of-the-art detector and relatively simple associations relying on single-frame spatial offsets -- notably outperforming contemporary methods that leverage learned appearance features to help re-identify lost tracks. In this paper, we propose an efficient joint detection and tracking model named DEFT, or Detection Embeddings for Tracking. Our approach relies on an appearance-based object matching network jointly-learned with an underlying object detection network. An LSTM is also added to capture motion constraints. DEFT has comparable accuracy and speed to the top methods on 2D online tracking leaderboards while having significant advantages in robustness when applied to more challenging tracking data. DEFT raises the bar on the nuScenes monocular 3D tracking challenge, more than doubling the performance of the previous top method.

Video examples on benchmarks test sets

Tracking performance

Results on MOT challenge test set

Dataset MOTA MOTP IDF1 IDS
MOT16 (Public) 61.7 78.3 60.2 768
MOT16 (Private) 68.03 78.71 66.39 925
MOT17 (Public) 60.4 78.1 59.7 2581
MOT17 (Private) 66.6 78.83 65.42 2823

The results are obtained on the MOT challenge evaluation server.

Results on 2D Vehicle Tracking on KITTI test set

Dataset MOTA MOTP MT ML IDS
KITTI 88.95 84.55 84.77 1.85 343

Tthe results are obtained on the KITTI challenge evaluation server.

Results on 3D Tracking on nuScenes test set

Dataset AMOTA MOTAR MOTA
nuScenes 17.7 48.4 15.6

Tthe results are obtained on the nuScenes challenge evaluation server.

Installation

  • Clone this repo, and run the following commands.
  • create a new conda environment and activate the environment.
git clone [email protected]:MedChaabane/DEFT.git
cd DEFT
conda create -y -n DEFT python=3.7
conda activate DEFT
  • Install PyTorch and the dependencies.
conda install -y pytorch==1.2.0 torchvision==0.4.0 cudatoolkit=10.0 -c pytorch
pip install -r requirements.txt  
pip install cython; pip install -U 'git+https://github.com/cocodataset/cocoapi.git#subdirectory=PythonAPI'
cd src/lib/model/networks/
git clone https://github.com/CharlesShang/DCNv2
cd DCNv2
./make.sh

Datsets Preparation

We use similar datasets preparation like in CenterTrack framework

MOT 2017

  • Run the dataset preprocessing script.
cd src/tools/
sh get_mot_17.sh
  • The output data structure should be:
  ${DEFT_ROOT}
  |-- data
  `-- |-- mot17
      `-- |--- train
          |   |--- MOT17-02-FRCNN
          |   |    |--- img1
          |   |    |--- gt
          |   |    |   |--- gt.txt
          |   |    |   |--- gt_train_half.txt
          |   |    |   |--- gt_val_half.txt
          |   |    |--- det
          |   |    |   |--- det.txt
          |   |    |   |--- det_train_half.txt
          |   |    |   |--- det_val_half.txt
          |   |--- ...
          |--- test
          |   |--- MOT17-01-FRCNN
          |---|--- ...
          `---| annotations
              |--- train_half.json
              |--- val_half.json
              |--- train.json
              `--- test.json

KITTI Tracking

  ${DEFT_ROOT}
  |-- data
  `-- |-- kitti_tracking
      `-- |-- data_tracking_image_2
          |   |-- training
          |   |-- |-- image_02
          |   |-- |-- |-- 0000
          |   |-- |-- |-- ...
          |-- |-- testing
          |-- label_02
          |   |-- 0000.txt
          |   |-- ...
          `-- data_tracking_calib
  • Run the dataset preprocessing script.
cd src/tools/
sh get_kitti_tracking.sh
  • The resulting data structure should look like:
  ${DEFT_ROOT}
  |-- data
  `-- |-- kitti_tracking
      `-- |-- data_tracking_image_2
          |   |-- training
          |   |   |-- image_02
          |   |   |   |-- 0000
          |   |   |   |-- ...
          |-- |-- testing
          |-- label_02
          |   |-- 0000.txt
          |   |-- ...
          |-- data_tracking_calib
          |-- label_02_val_half
          |   |-- 0000.txt
          |   |-- ...
          |-- label_02_train_half
          |   |-- 0000.txt
          |   |-- ...
          `-- annotations
              |-- tracking_train.json
              |-- tracking_test.json
              |-- tracking_train_half.json
              `-- tracking_val_half.json

nuScenes Tracking

  • Download the dataset from nuScenes website. You only need to download the "Keyframe blobs", and only need the images data. You also need to download the maps and all metadata.
  • Unzip, rename, and place the data as below. You will need to merge folders from different zip files.
 ${DEFT_ROOT}
  |-- data
  `-- |-- nuscenes
      `-- |-- v1.0-trainval
          |   |-- samples
          |   |   |-- CAM_BACK
          |   |   |   | -- xxx.jpg
          |   |   |-- CAM_BACK_LEFT
          |   |   |-- CAM_BACK_RIGHT
          |   |   |-- CAM_FRONT
          |   |   |-- CAM_FRONT_LEFT
          |   |   |-- CAM_FRONT_RIGHT
          |-- |-- maps
          `-- |-- v1.0-trainval_meta
  • Run the dataset preprocessing script.
cd src/tools/
convert_nuScenes.py

References

Please cite the corresponding References if you use the datasets.

  @article{MOT16,
    title = {{MOT}16: {A} Benchmark for Multi-Object Tracking},
    shorttitle = {MOT16},
    url = {http://arxiv.org/abs/1603.00831},
    journal = {arXiv:1603.00831 [cs]},
    author = {Milan, A. and Leal-Taix\'{e}, L. and Reid, I. and Roth, S. and Schindler, K.},
    month = mar,
    year = {2016},
    note = {arXiv: 1603.00831},
    keywords = {Computer Science - Computer Vision and Pattern Recognition}
  }


  @INPROCEEDINGS{Geiger2012CVPR,
    author = {Andreas Geiger and Philip Lenz and Raquel Urtasun},
    title = {Are we ready for Autonomous Driving? The KITTI Vision Benchmark Suite},
    booktitle = {CVPR},
    year = {2012}
  }


  @inproceedings{nuscenes2019,
  title={{nuScenes}: A multimodal dataset for autonomous driving},
  author={Holger Caesar and Varun Bankiti and Alex H. Lang and Sourabh Vora and Venice Erin Liong and Qiang Xu and Anush Krishnan and Yu Pan and Giancarlo Baldan and Oscar Beijbom},
  booktitle={CVPR},
  year={2020}
  }

Training and Evaluation Experiments

Scripts for training and evaluating DEFT on MOT, KITTI and nuScenes are available in the experiments folder. The outputs videos and results (same as submission format) will be on the folders $dataset_name$_videos and $dataset_name$_results.

Acknowledgement

A large portion of code is borrowed from xingyizhou/CenterTrack, shijieS/SST and Zhongdao/Towards-Realtime-MOT, many thanks to their wonderful work!

Comments
  • Unable to Run ./mot17_tracking.sh

    Unable to Run ./mot17_tracking.sh

    I get "No such file or directory" errors for test.py, train_predictions.py, and train.py when I run ./mot17_tracking.sh.

    I see that these files are in DEFT/src so I change the file mot17_tracking.sh to direct it to find these files. Then I get "No module named 'cyuthon_bbox'".

    Also, btw, I am missing gt_train_half.txt, gt_val_half.txt, det_train_half.txt, and det_val_half.txt as well as train_half.json and test_half.json.

    Is this a problem?

    opened by ryanmaxwell96 8
  • RuntimeError: Error compiling objects for extension from ./make.sh for DCNv2

    RuntimeError: Error compiling objects for extension from ./make.sh for DCNv2

    I have followed the installation instructions exactly but I cannot get ./make.sh to work. This is the error I am getting:

    ` running build running build_ext building 'ext' extension creating /home/risc/DEFT/src/lib/model/networks/DCNv2/build creating /home/risc/DEFT/src/lib/model/networks/DCNv2/build/temp.linux-x86_64-3.6 creating /home/risc/DEFT/src/lib/model/networks/DCNv2/build/temp.linux-x86_64-3.6/home creating /home/risc/DEFT/src/lib/model/networks/DCNv2/build/temp.linux-x86_64-3.6/home/risc creating /home/risc/DEFT/src/lib/model/networks/DCNv2/build/temp.linux-x86_64-3.6/home/risc/DEFT creating /home/risc/DEFT/src/lib/model/networks/DCNv2/build/temp.linux-x86_64-3.6/home/risc/DEFT/src creating /home/risc/DEFT/src/lib/model/networks/DCNv2/build/temp.linux-x86_64-3.6/home/risc/DEFT/src/lib creating /home/risc/DEFT/src/lib/model/networks/DCNv2/build/temp.linux-x86_64-3.6/home/risc/DEFT/src/lib/model creating /home/risc/DEFT/src/lib/model/networks/DCNv2/build/temp.linux-x86_64-3.6/home/risc/DEFT/src/lib/model/networks creating /home/risc/DEFT/src/lib/model/networks/DCNv2/build/temp.linux-x86_64-3.6/home/risc/DEFT/src/lib/model/networks/DCNv2 creating /home/risc/DEFT/src/lib/model/networks/DCNv2/build/temp.linux-x86_64-3.6/home/risc/DEFT/src/lib/model/networks/DCNv2/src creating /home/risc/DEFT/src/lib/model/networks/DCNv2/build/temp.linux-x86_64-3.6/home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu creating /home/risc/DEFT/src/lib/model/networks/DCNv2/build/temp.linux-x86_64-3.6/home/risc/DEFT/src/lib/model/networks/DCNv2/src/cuda Emitting ninja build file /home/risc/DEFT/src/lib/model/networks/DCNv2/build/temp.linux-x86_64-3.6/build.ninja... Compiling objects... Allowing ninja to set a default number of workers... (overridable by setting the environment variable MAX_JOBS=N) [1/7] /usr/local/cuda-10.1/bin/nvcc -DWITH_CUDA -I/home/risc/DEFT/src/lib/model/networks/DCNv2/src -I/home/risc/.local/lib/python3.6/site-packages/torch/include -I/home/risc/.local/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -I/home/risc/.local/lib/python3.6/site-packages/torch/include/TH -I/home/risc/.local/lib/python3.6/site-packages/torch/include/THC -I/usr/local/cuda-10.1/include -I/home/risc/anaconda3/envs/DEFT/include/python3.6m -c -c /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cuda/dcn_v2_psroi_pooling_cuda.cu -o /home/risc/DEFT/src/lib/model/networks/DCNv2/build/temp.linux-x86_64-3.6/home/risc/DEFT/src/lib/model/networks/DCNv2/src/cuda/dcn_v2_psroi_pooling_cuda.o -D__CUDA_NO_HALF_OPERATORS_ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' -DCUDA_HAS_FP16=1 -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ -DTORCH_API_INCLUDE_EXTENSION_H -DTORCH_EXTENSION_NAME=ext -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_61,code=sm_61 -ccbin g++ -std=c++14 FAILED: /home/risc/DEFT/src/lib/model/networks/DCNv2/build/temp.linux-x86_64-3.6/home/risc/DEFT/src/lib/model/networks/DCNv2/src/cuda/dcn_v2_psroi_pooling_cuda.o /usr/local/cuda-10.1/bin/nvcc -DWITH_CUDA -I/home/risc/DEFT/src/lib/model/networks/DCNv2/src -I/home/risc/.local/lib/python3.6/site-packages/torch/include -I/home/risc/.local/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -I/home/risc/.local/lib/python3.6/site-packages/torch/include/TH -I/home/risc/.local/lib/python3.6/site-packages/torch/include/THC -I/usr/local/cuda-10.1/include -I/home/risc/anaconda3/envs/DEFT/include/python3.6m -c -c /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cuda/dcn_v2_psroi_pooling_cuda.cu -o /home/risc/DEFT/src/lib/model/networks/DCNv2/build/temp.linux-x86_64-3.6/home/risc/DEFT/src/lib/model/networks/DCNv2/src/cuda/dcn_v2_psroi_pooling_cuda.o -D__CUDA_NO_HALF_OPERATORS_ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' -DCUDA_HAS_FP16=1 -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ -DTORCH_API_INCLUDE_EXTENSION_H -DTORCH_EXTENSION_NAME=ext -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_61,code=sm_61 -ccbin g++ -std=c++14 In file included from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cuda/dcn_v2_psroi_pooling_cuda.cu:16:0: /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/cuda/CUDAContext.h:7:10: fatal error: cublas_v2.h: No such file or directory #include <cublas_v2.h> ^~~~~~~~~~~~~ compilation terminated. [2/7] /usr/local/cuda-10.1/bin/nvcc -DWITH_CUDA -I/home/risc/DEFT/src/lib/model/networks/DCNv2/src -I/home/risc/.local/lib/python3.6/site-packages/torch/include -I/home/risc/.local/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -I/home/risc/.local/lib/python3.6/site-packages/torch/include/TH -I/home/risc/.local/lib/python3.6/site-packages/torch/include/THC -I/usr/local/cuda-10.1/include -I/home/risc/anaconda3/envs/DEFT/include/python3.6m -c -c /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cuda/dcn_v2_cuda.cu -o /home/risc/DEFT/src/lib/model/networks/DCNv2/build/temp.linux-x86_64-3.6/home/risc/DEFT/src/lib/model/networks/DCNv2/src/cuda/dcn_v2_cuda.o -D__CUDA_NO_HALF_OPERATORS_ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' -DCUDA_HAS_FP16=1 -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ -DTORCH_API_INCLUDE_EXTENSION_H -DTORCH_EXTENSION_NAME=ext -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_61,code=sm_61 -ccbin g++ -std=c++14 FAILED: /home/risc/DEFT/src/lib/model/networks/DCNv2/build/temp.linux-x86_64-3.6/home/risc/DEFT/src/lib/model/networks/DCNv2/src/cuda/dcn_v2_cuda.o /usr/local/cuda-10.1/bin/nvcc -DWITH_CUDA -I/home/risc/DEFT/src/lib/model/networks/DCNv2/src -I/home/risc/.local/lib/python3.6/site-packages/torch/include -I/home/risc/.local/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -I/home/risc/.local/lib/python3.6/site-packages/torch/include/TH -I/home/risc/.local/lib/python3.6/site-packages/torch/include/THC -I/usr/local/cuda-10.1/include -I/home/risc/anaconda3/envs/DEFT/include/python3.6m -c -c /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cuda/dcn_v2_cuda.cu -o /home/risc/DEFT/src/lib/model/networks/DCNv2/build/temp.linux-x86_64-3.6/home/risc/DEFT/src/lib/model/networks/DCNv2/src/cuda/dcn_v2_cuda.o -D__CUDA_NO_HALF_OPERATORS_ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' -DCUDA_HAS_FP16=1 -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ -DTORCH_API_INCLUDE_EXTENSION_H -DTORCH_EXTENSION_NAME=ext -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_61,code=sm_61 -ccbin g++ -std=c++14 In file included from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cuda/dcn_v2_cuda.cu:5:0: /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/cuda/CUDAContext.h:7:10: fatal error: cublas_v2.h: No such file or directory #include <cublas_v2.h> ^~~~~~~~~~~~~ compilation terminated. [3/7] /usr/local/cuda-10.1/bin/nvcc -DWITH_CUDA -I/home/risc/DEFT/src/lib/model/networks/DCNv2/src -I/home/risc/.local/lib/python3.6/site-packages/torch/include -I/home/risc/.local/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -I/home/risc/.local/lib/python3.6/site-packages/torch/include/TH -I/home/risc/.local/lib/python3.6/site-packages/torch/include/THC -I/usr/local/cuda-10.1/include -I/home/risc/anaconda3/envs/DEFT/include/python3.6m -c -c /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cuda/dcn_v2_im2col_cuda.cu -o /home/risc/DEFT/src/lib/model/networks/DCNv2/build/temp.linux-x86_64-3.6/home/risc/DEFT/src/lib/model/networks/DCNv2/src/cuda/dcn_v2_im2col_cuda.o -D__CUDA_NO_HALF_OPERATORS_ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' -DCUDA_HAS_FP16=1 -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ -DTORCH_API_INCLUDE_EXTENSION_H -DTORCH_EXTENSION_NAME=ext -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_61,code=sm_61 -ccbin g++ -std=c++14 FAILED: /home/risc/DEFT/src/lib/model/networks/DCNv2/build/temp.linux-x86_64-3.6/home/risc/DEFT/src/lib/model/networks/DCNv2/src/cuda/dcn_v2_im2col_cuda.o /usr/local/cuda-10.1/bin/nvcc -DWITH_CUDA -I/home/risc/DEFT/src/lib/model/networks/DCNv2/src -I/home/risc/.local/lib/python3.6/site-packages/torch/include -I/home/risc/.local/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -I/home/risc/.local/lib/python3.6/site-packages/torch/include/TH -I/home/risc/.local/lib/python3.6/site-packages/torch/include/THC -I/usr/local/cuda-10.1/include -I/home/risc/anaconda3/envs/DEFT/include/python3.6m -c -c /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cuda/dcn_v2_im2col_cuda.cu -o /home/risc/DEFT/src/lib/model/networks/DCNv2/build/temp.linux-x86_64-3.6/home/risc/DEFT/src/lib/model/networks/DCNv2/src/cuda/dcn_v2_im2col_cuda.o -D__CUDA_NO_HALF_OPERATORS_ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' -DCUDA_HAS_FP16=1 -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ -DTORCH_API_INCLUDE_EXTENSION_H -DTORCH_EXTENSION_NAME=_ext -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_61,code=sm_61 -ccbin g++ -std=c++14 In file included from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cuda/dcn_v2_im2col_cuda.cu:7:0: /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/cuda/CUDAContext.h:7:10: fatal error: cublas_v2.h: No such file or directory #include <cublas_v2.h> ^~~~~~~~~~~~~ compilation terminated. [4/7] c++ -MMD -MF /home/risc/DEFT/src/lib/model/networks/DCNv2/build/temp.linux-x86_64-3.6/home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.o.d -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -DWITH_CUDA -I/home/risc/DEFT/src/lib/model/networks/DCNv2/src -I/home/risc/.local/lib/python3.6/site-packages/torch/include -I/home/risc/.local/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -I/home/risc/.local/lib/python3.6/site-packages/torch/include/TH -I/home/risc/.local/lib/python3.6/site-packages/torch/include/THC -I/usr/local/cuda-10.1/include -I/home/risc/anaconda3/envs/DEFT/include/python3.6m -c -c /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp -o /home/risc/DEFT/src/lib/model/networks/DCNv2/build/temp.linux-x86_64-3.6/home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.o -DTORCH_API_INCLUDE_EXTENSION_H -DTORCH_EXTENSION_NAME=_ext -D_GLIBCXX_USE_CXX11_ABI=0 -std=c++14 FAILED: /home/risc/DEFT/src/lib/model/networks/DCNv2/build/temp.linux-x86_64-3.6/home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.o c++ -MMD -MF /home/risc/DEFT/src/lib/model/networks/DCNv2/build/temp.linux-x86_64-3.6/home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.o.d -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -DWITH_CUDA -I/home/risc/DEFT/src/lib/model/networks/DCNv2/src -I/home/risc/.local/lib/python3.6/site-packages/torch/include -I/home/risc/.local/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -I/home/risc/.local/lib/python3.6/site-packages/torch/include/TH -I/home/risc/.local/lib/python3.6/site-packages/torch/include/THC -I/usr/local/cuda-10.1/include -I/home/risc/anaconda3/envs/DEFT/include/python3.6m -c -c /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp -o /home/risc/DEFT/src/lib/model/networks/DCNv2/build/temp.linux-x86_64-3.6/home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.o -DTORCH_API_INCLUDE_EXTENSION_H -DTORCH_EXTENSION_NAME=_ext -D_GLIBCXX_USE_CXX11_ABI=0 -std=c++14 cc1plus: warning: command line option ‘-Wstrict-prototypes’ is valid for C/ObjC but not for C++ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Parallel.h:149:0, from /home/risc/.local/lib/python3.6/site-packages/torch/include/TH/THTensorApply.h:4, from /home/risc/.local/lib/python3.6/site-packages/torch/include/TH/THTensor.h:5, from /home/risc/.local/lib/python3.6/site-packages/torch/include/TH/TH.h:13, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:7: /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ParallelOpenMP.h:84:0: warning: ignoring #pragma omp parallel [-Wunknown-pragmas] #pragma omp parallel for if ((end - begin) >= grain_size)

    /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp: In function ‘at::Tensor dcn_v2_cpu_forward(const at::Tensor&, const at::Tensor&, const at::Tensor&, const at::Tensor&, const at::Tensor&, int, int, int, int, int, int, int, int, int)’: /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:83:59: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] ones.contiguous().data<scalar_t>(), k_, ^ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:4: /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:363:7: note: declared here T * data() const { ^~~~ /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:84:59: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] bias.contiguous().data<scalar_t>(), k_, 0.0f, ^ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:4: /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:363:7: note: declared here T * data() const { ^~~~ /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:85:50: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] output_n.data<scalar_t>(), n_); ^ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:4: /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:363:7: note: declared here T * data() const { ^~~~ /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:82:9: error: ‘THFloatBlas_gemm’ was not declared in this scope THFloatBlas_gemm('t', 'n', n_, m_, k_, 1.0f, ^~~~~~~~~~~~~~~~ /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:82:9: note: suggested alternative: ‘THFloatBlas_axpy’ THFloatBlas_gemm('t', 'n', n_, m_, k_, 1.0f, ^~~~~~~~~~~~~~~~ THFloatBlas_axpy /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:87:64: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] modulated_deformable_im2col_cpu(input_n.data<scalar_t>(), ^ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:4: /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:363:7: note: declared here T * data() const { ^~~~ /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:88:66: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] offset_n.data<scalar_t>(), ^ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:4: /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:363:7: note: declared here T * data() const { ^~~~ /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:89:64: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] mask_n.data<scalar_t>(), ^ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:4: /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:363:7: note: declared here T * data() const { ^~~~ /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:94:65: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] columns.data<scalar_t>()); ^ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:4: /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:363:7: note: declared here T * data() const { ^~~~ /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:102:49: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] columns.data<scalar_t>(), n, ^ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:4: /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:363:7: note: declared here T * data() const { ^~~~ /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:103:48: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] weight.data<scalar_t>(), k, 1.0f, ^ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:4: /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:363:7: note: declared here T * data() const { ^~~~ /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:104:50: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] output_n.data<scalar_t>(), n); ^ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:4: /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:363:7: note: declared here T * data() const { ^~~~ /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp: In function ‘std::vectorat::Tensor dcn_v2_cpu_backward(const at::Tensor&, const at::Tensor&, const at::Tensor&, const at::Tensor&, const at::Tensor&, const at::Tensor&, int, int, int, int, int, int, int, int, int)’: /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:177:55: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] grad_output_n.data<scalar_t>(), n, ^ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:4: /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:363:7: note: declared here T * data() const { ^~~~ /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:178:48: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] weight.data<scalar_t>(), m, 0.0f, ^ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:4: /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:363:7: note: declared here T * data() const { ^~~~ /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:179:49: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] columns.data<scalar_t>(), n); ^ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:4: /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:363:7: note: declared here T * data() const { ^~~~ /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:176:9: error: ‘THFloatBlas_gemm’ was not declared in this scope THFloatBlas_gemm('n', 't', n, m, k, 1.0f, ^~~~~~~~~~~~~~~~ /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:176:9: note: suggested alternative: ‘THFloatBlas_axpy’ THFloatBlas_gemm('n', 't', n, m, k, 1.0f, ^~~~~~~~~~~~~~~~ THFloatBlas_axpy /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:182:70: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] modulated_deformable_col2im_coord_cpu(columns.data<scalar_t>(), ^ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:4: /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:363:7: note: declared here T * data() const { ^~~~ /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:183:71: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] input_n.data<scalar_t>(), ^ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:4: /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:363:7: note: declared here T * data() const { ^~~~ /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:184:72: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] offset_n.data<scalar_t>(), ^ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:4: /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:363:7: note: declared here T * data() const { ^~~~ /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:185:70: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] mask_n.data<scalar_t>(), ^ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:4: /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:363:7: note: declared here T * data() const { ^~~~ /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:190:77: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] grad_offset_n.data<scalar_t>(), ^ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:4: /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:363:7: note: declared here T * data() const { ^~~~ /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:191:75: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] grad_mask_n.data<scalar_t>()); ^ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:4: /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:363:7: note: declared here T * data() const { ^~~~ /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:193:64: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] modulated_deformable_col2im_cpu(columns.data<scalar_t>(), ^ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:4: /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:363:7: note: declared here T * data() const { ^~~~ /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:194:66: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] offset_n.data<scalar_t>(), ^ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:4: /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:363:7: note: declared here T * data() const { ^~~~ /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:195:64: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] mask_n.data<scalar_t>(), ^ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:4: /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:363:7: note: declared here T * data() const { ^~~~ /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:200:70: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] grad_input_n.data<scalar_t>()); ^ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:4: /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:363:7: note: declared here T * data() const { ^~~~ /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:203:64: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] modulated_deformable_im2col_cpu(input_n.data<scalar_t>(), ^ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:4: /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:363:7: note: declared here T * data() const { ^~~~ /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:204:66: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] offset_n.data<scalar_t>(), ^ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:4: /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:363:7: note: declared here T * data() const { ^~~~ /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:205:64: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] mask_n.data<scalar_t>(), ^ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:4: /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:363:7: note: declared here T * data() const { ^~~~ /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:210:65: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] columns.data<scalar_t>()); ^ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:4: /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:363:7: note: declared here T * data() const { ^~~~ /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:217:49: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] columns.data<scalar_t>(), k_, ^ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:4: /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:363:7: note: declared here T * data() const { ^~~~ /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:218:55: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] grad_output_n.data<scalar_t>(), k_, 1.0f, ^ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:4: /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:363:7: note: declared here T * data() const { ^~~~ /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:219:53: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] grad_weight.data<scalar_t>(), n_); ^ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:4: /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:363:7: note: declared here T * data() const { ^~~~ /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:225:55: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] grad_output_n.data<scalar_t>(), k_, ^ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:4: /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:363:7: note: declared here T * data() const { ^~~~ /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:226:46: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] ones.data<scalar_t>(), 1, 1.0f, ^ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:4: /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:363:7: note: declared here T * data() const { ^~~~ /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:227:51: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] grad_bias.data<scalar_t>(), 1); ^ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:4: /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:363:7: note: declared here T * data() const { ^~~~ /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:224:9: error: ‘THFloatBlas_gemv’ was not declared in this scope THFloatBlas_gemv('t', k_, m_, 1.0f, ^~~~~~~~~~~~~~~~ /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:224:9: note: suggested alternative: ‘THFloatBlas_axpy’ THFloatBlas_gemv('t', k_, m_, 1.0f, ^~~~~~~~~~~~~~~~ THFloatBlas_axpy [5/7] c++ -MMD -MF /home/risc/DEFT/src/lib/model/networks/DCNv2/build/temp.linux-x86_64-3.6/home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_im2col_cpu.o.d -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -DWITH_CUDA -I/home/risc/DEFT/src/lib/model/networks/DCNv2/src -I/home/risc/.local/lib/python3.6/site-packages/torch/include -I/home/risc/.local/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -I/home/risc/.local/lib/python3.6/site-packages/torch/include/TH -I/home/risc/.local/lib/python3.6/site-packages/torch/include/THC -I/usr/local/cuda-10.1/include -I/home/risc/anaconda3/envs/DEFT/include/python3.6m -c -c /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_im2col_cpu.cpp -o /home/risc/DEFT/src/lib/model/networks/DCNv2/build/temp.linux-x86_64-3.6/home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_im2col_cpu.o -DTORCH_API_INCLUDE_EXTENSION_H -DTORCH_EXTENSION_NAME=_ext -D_GLIBCXX_USE_CXX11_ABI=0 -std=c++14 cc1plus: warning: command line option ‘-Wstrict-prototypes’ is valid for C/ObjC but not for C++ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Parallel.h:149:0, from /home/risc/.local/lib/python3.6/site-packages/torch/include/TH/THTensorApply.h:4, from /home/risc/.local/lib/python3.6/site-packages/torch/include/TH/THTensor.h:5, from /home/risc/.local/lib/python3.6/site-packages/torch/include/TH/TH.h:13, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_im2col_cpu.cpp:9: /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ParallelOpenMP.h:84:0: warning: ignoring #pragma omp parallel [-Wunknown-pragmas] #pragma omp parallel for if ((end - begin) >= grain_size)

    [6/7] c++ -MMD -MF /home/risc/DEFT/src/lib/model/networks/DCNv2/build/temp.linux-x86_64-3.6/home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.o.d -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -DWITH_CUDA -I/home/risc/DEFT/src/lib/model/networks/DCNv2/src -I/home/risc/.local/lib/python3.6/site-packages/torch/include -I/home/risc/.local/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -I/home/risc/.local/lib/python3.6/site-packages/torch/include/TH -I/home/risc/.local/lib/python3.6/site-packages/torch/include/THC -I/usr/local/cuda-10.1/include -I/home/risc/anaconda3/envs/DEFT/include/python3.6m -c -c /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp -o /home/risc/DEFT/src/lib/model/networks/DCNv2/build/temp.linux-x86_64-3.6/home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.o -DTORCH_API_INCLUDE_EXTENSION_H -DTORCH_EXTENSION_NAME=_ext -D_GLIBCXX_USE_CXX11_ABI=0 -std=c++14 cc1plus: warning: command line option ‘-Wstrict-prototypes’ is valid for C/ObjC but not for C++ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Parallel.h:149:0, from /home/risc/.local/lib/python3.6/site-packages/torch/include/TH/THTensorApply.h:4, from /home/risc/.local/lib/python3.6/site-packages/torch/include/TH/THTensor.h:5, from /home/risc/.local/lib/python3.6/site-packages/torch/include/TH/TH.h:13, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:18: /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ParallelOpenMP.h:84:0: warning: ignoring #pragma omp parallel [-Wunknown-pragmas] #pragma omp parallel for if ((end - begin) >= grain_size)

    In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:13:0, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp: In lambda function: /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:324:41: warning: ‘at::DeprecatedTypeProperties& at::Tensor::type() const’ is deprecated: Tensor.type() is deprecated. Instead use Tensor.options(), which in many cases (e.g. in a constructor) is a drop-in replacement. If you were using data from type(), that is now available from Tensor itself, so instead of tensor.type().scalar_type(), use tensor.scalar_type() instead and instead of tensor.type().backend() use tensor.device(). [-Wdeprecated-declarations] AT_DISPATCH_FLOATING_TYPES(input.type(), "dcn_v2_psroi_pooling_cpu_forward", [&] { ^ /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Dispatch.h:137:28: note: in definition of macro ‘AT_DISPATCH_FLOATING_TYPES’ const auto& the_type = TYPE;
    ^~~~ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:277:30: note: declared here DeprecatedTypeProperties & type() const { ^~~~ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:13:0, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Dispatch.h:139:56: warning: ‘c10::ScalarType detail::scalar_type(const at::DeprecatedTypeProperties&)’ is deprecated: passing at::DeprecatedTypeProperties to an AT_DISPATCH macro is deprecated, pass an at::ScalarType instead [-Wdeprecated-declarations] at::ScalarType _st = ::detail::scalar_type(the_type);
    ^ /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:324:3: note: in expansion of macro ‘AT_DISPATCH_FLOATING_TYPES’ AT_DISPATCH_FLOATING_TYPES(input.type(), "dcn_v2_psroi_pooling_cpu_forward", [&] { ^~~~~~~~~~~~~~~~~~~~~~~~~~ /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Dispatch.h:66:23: note: declared here inline at::ScalarType scalar_type(const at::DeprecatedTypeProperties& t) { ^~~~~~~~~~~ /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp: In lambda function: /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:327:43: warning: ‘T* at::Tensor::data() const [with T = double]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] input.contiguous().data<scalar_t>(), ^ /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Dispatch.h:13:12: note: in definition of macro ‘AT_PRIVATE_CASE_TYPE’ return VA_ARGS();
    ^~~~~~~~~~~ /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:324:3: note: in expansion of macro ‘AT_DISPATCH_FLOATING_TYPES’ AT_DISPATCH_FLOATING_TYPES(input.type(), "dcn_v2_psroi_pooling_cpu_forward", [&] { ^~~~~~~~~~~~~~~~~~~~~~~~~~ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:363:7: note: declared here T * data() const { ^~~~ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:13:0, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:333:42: warning: ‘T* at::Tensor::data() const [with T = double]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] bbox.contiguous().data<scalar_t>(), ^ /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Dispatch.h:13:12: note: in definition of macro ‘AT_PRIVATE_CASE_TYPE’ return VA_ARGS();
    ^~~~~~~~~~~ /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:324:3: note: in expansion of macro ‘AT_DISPATCH_FLOATING_TYPES’ AT_DISPATCH_FLOATING_TYPES(input.type(), "dcn_v2_psroi_pooling_cpu_forward", [&] { ^~~~~~~~~~~~~~~~~~~~~~~~~~ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:363:7: note: declared here T * data() const { ^~~~ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:13:0, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:334:43: warning: ‘T* at::Tensor::data() const [with T = double]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] trans.contiguous().data<scalar_t>(), ^ /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Dispatch.h:13:12: note: in definition of macro ‘AT_PRIVATE_CASE_TYPE’ return VA_ARGS();
    ^~~~~~~~~~~ /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:324:3: note: in expansion of macro ‘AT_DISPATCH_FLOATING_TYPES’ AT_DISPATCH_FLOATING_TYPES(input.type(), "dcn_v2_psroi_pooling_cpu_forward", [&] { ^~~~~~~~~~~~~~~~~~~~~~~~~~ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:363:7: note: declared here T * data() const { ^~~~ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:13:0, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:343:28: warning: ‘T* at::Tensor::data() const [with T = double]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] out.data<scalar_t>(), ^ /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Dispatch.h:13:12: note: in definition of macro ‘AT_PRIVATE_CASE_TYPE’ return VA_ARGS();
    ^~~~~~~~~~~ /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:324:3: note: in expansion of macro ‘AT_DISPATCH_FLOATING_TYPES’ AT_DISPATCH_FLOATING_TYPES(input.type(), "dcn_v2_psroi_pooling_cpu_forward", [&] { ^~~~~~~~~~~~~~~~~~~~~~~~~~ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:363:7: note: declared here T * data() const { ^~~~ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:13:0, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:344:34: warning: ‘T* at::Tensor::data() const [with T = double]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] top_count.data<scalar_t>()); ^ /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Dispatch.h:13:12: note: in definition of macro ‘AT_PRIVATE_CASE_TYPE’ return VA_ARGS();
    ^~~~~~~~~~~ /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:324:3: note: in expansion of macro ‘AT_DISPATCH_FLOATING_TYPES’ AT_DISPATCH_FLOATING_TYPES(input.type(), "dcn_v2_psroi_pooling_cpu_forward", [&] { ^~~~~~~~~~~~~~~~~~~~~~~~~~ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:363:7: note: declared here T * data() const { ^~~~ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:13:0, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp: In lambda function: /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:327:43: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] input.contiguous().data<scalar_t>(), ^ /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Dispatch.h:13:12: note: in definition of macro ‘AT_PRIVATE_CASE_TYPE’ return VA_ARGS();
    ^~~~~~~~~~~ /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:324:3: note: in expansion of macro ‘AT_DISPATCH_FLOATING_TYPES’ AT_DISPATCH_FLOATING_TYPES(input.type(), "dcn_v2_psroi_pooling_cpu_forward", [&] { ^~~~~~~~~~~~~~~~~~~~~~~~~~ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:363:7: note: declared here T * data() const { ^~~~ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:13:0, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:333:42: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] bbox.contiguous().data<scalar_t>(), ^ /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Dispatch.h:13:12: note: in definition of macro ‘AT_PRIVATE_CASE_TYPE’ return VA_ARGS();
    ^~~~~~~~~~~ /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:324:3: note: in expansion of macro ‘AT_DISPATCH_FLOATING_TYPES’ AT_DISPATCH_FLOATING_TYPES(input.type(), "dcn_v2_psroi_pooling_cpu_forward", [&] { ^~~~~~~~~~~~~~~~~~~~~~~~~~ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:363:7: note: declared here T * data() const { ^~~~ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:13:0, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:334:43: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] trans.contiguous().data<scalar_t>(), ^ /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Dispatch.h:13:12: note: in definition of macro ‘AT_PRIVATE_CASE_TYPE’ return VA_ARGS();
    ^~~~~~~~~~~ /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:324:3: note: in expansion of macro ‘AT_DISPATCH_FLOATING_TYPES’ AT_DISPATCH_FLOATING_TYPES(input.type(), "dcn_v2_psroi_pooling_cpu_forward", [&] { ^~~~~~~~~~~~~~~~~~~~~~~~~~ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:363:7: note: declared here T * data() const { ^~~~ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:13:0, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:343:28: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] out.data<scalar_t>(), ^ /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Dispatch.h:13:12: note: in definition of macro ‘AT_PRIVATE_CASE_TYPE’ return VA_ARGS();
    ^~~~~~~~~~~ /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:324:3: note: in expansion of macro ‘AT_DISPATCH_FLOATING_TYPES’ AT_DISPATCH_FLOATING_TYPES(input.type(), "dcn_v2_psroi_pooling_cpu_forward", [&] { ^~~~~~~~~~~~~~~~~~~~~~~~~~ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:363:7: note: declared here T * data() const { ^~~~ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:13:0, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:344:34: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] top_count.data<scalar_t>()); ^ /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Dispatch.h:13:12: note: in definition of macro ‘AT_PRIVATE_CASE_TYPE’ return VA_ARGS();
    ^~~~~~~~~~~ /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:324:3: note: in expansion of macro ‘AT_DISPATCH_FLOATING_TYPES’ AT_DISPATCH_FLOATING_TYPES(input.type(), "dcn_v2_psroi_pooling_cpu_forward", [&] { ^~~~~~~~~~~~~~~~~~~~~~~~~~ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:363:7: note: declared here T * data() const { ^~~~ /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp: In function ‘std::tuple<at::Tensor, at::Tensor> dcn_v2_psroi_pooling_cpu_forward(const at::Tensor&, const at::Tensor&, const at::Tensor&, int, float, int, int, int, int, int, float)’: /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:295:13: warning: unused variable ‘batch’ [-Wunused-variable] const int batch = input.size(0); ^~~~~ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:13:0, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp: In lambda function: /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:398:44: warning: ‘at::DeprecatedTypeProperties& at::Tensor::type() const’ is deprecated: Tensor.type() is deprecated. Instead use Tensor.options(), which in many cases (e.g. in a constructor) is a drop-in replacement. If you were using data from type(), that is now available from Tensor itself, so instead of tensor.type().scalar_type(), use tensor.scalar_type() instead and instead of tensor.type().backend() use tensor.device(). [-Wdeprecated-declarations] AT_DISPATCH_FLOATING_TYPES(out_grad.type(), "dcn_v2_psroi_pooling_cpu_backward", [&] { ^ /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Dispatch.h:137:28: note: in definition of macro ‘AT_DISPATCH_FLOATING_TYPES’ const auto& the_type = TYPE;
    ^~~~ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:277:30: note: declared here DeprecatedTypeProperties & type() const { ^~~~ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:13:0, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Dispatch.h:139:56: warning: ‘c10::ScalarType detail::scalar_type(const at::DeprecatedTypeProperties&)’ is deprecated: passing at::DeprecatedTypeProperties to an AT_DISPATCH macro is deprecated, pass an at::ScalarType instead [-Wdeprecated-declarations] at::ScalarType _st = ::detail::scalar_type(the_type);
    ^ /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:398:3: note: in expansion of macro ‘AT_DISPATCH_FLOATING_TYPES’ AT_DISPATCH_FLOATING_TYPES(out_grad.type(), "dcn_v2_psroi_pooling_cpu_backward", [&] { ^~~~~~~~~~~~~~~~~~~~~~~~~~ /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Dispatch.h:66:23: note: declared here inline at::ScalarType scalar_type(const at::DeprecatedTypeProperties& t) { ^~~~~~~~~~~ /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp: In lambda function: /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:401:46: warning: ‘T* at::Tensor::data() const [with T = double]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] out_grad.contiguous().data<scalar_t>(), ^ /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Dispatch.h:13:12: note: in definition of macro ‘AT_PRIVATE_CASE_TYPE’ return VA_ARGS();
    ^~~~~~~~~~~ /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:398:3: note: in expansion of macro ‘AT_DISPATCH_FLOATING_TYPES’ AT_DISPATCH_FLOATING_TYPES(out_grad.type(), "dcn_v2_psroi_pooling_cpu_backward", [&] { ^~~~~~~~~~~~~~~~~~~~~~~~~~ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:363:7: note: declared here T * data() const { ^~~~ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:13:0, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:402:47: warning: ‘T* at::Tensor::data() const [with T = double]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] top_count.contiguous().data<scalar_t>(), ^ /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Dispatch.h:13:12: note: in definition of macro ‘AT_PRIVATE_CASE_TYPE’ return VA_ARGS();
    ^~~~~~~~~~~ /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:398:3: note: in expansion of macro ‘AT_DISPATCH_FLOATING_TYPES’ AT_DISPATCH_FLOATING_TYPES(out_grad.type(), "dcn_v2_psroi_pooling_cpu_backward", [&] { ^~~~~~~~~~~~~~~~~~~~~~~~~~ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:363:7: note: declared here T * data() const { ^~~~ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:13:0, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:411:48: warning: ‘T* at::Tensor::data() const [with T = double]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] input_grad.contiguous().data<scalar_t>(), ^ /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Dispatch.h:13:12: note: in definition of macro ‘AT_PRIVATE_CASE_TYPE’ return VA_ARGS();
    ^~~~~~~~~~~ /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:398:3: note: in expansion of macro ‘AT_DISPATCH_FLOATING_TYPES’ AT_DISPATCH_FLOATING_TYPES(out_grad.type(), "dcn_v2_psroi_pooling_cpu_backward", [&] { ^~~~~~~~~~~~~~~~~~~~~~~~~~ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:363:7: note: declared here T * data() const { ^~~~ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:13:0, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:412:48: warning: ‘T* at::Tensor::data() const [with T = double]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] trans_grad.contiguous().data<scalar_t>(), ^ /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Dispatch.h:13:12: note: in definition of macro ‘AT_PRIVATE_CASE_TYPE’ return VA_ARGS();
    ^~~~~~~~~~~ /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:398:3: note: in expansion of macro ‘AT_DISPATCH_FLOATING_TYPES’ AT_DISPATCH_FLOATING_TYPES(out_grad.type(), "dcn_v2_psroi_pooling_cpu_backward", [&] { ^~~~~~~~~~~~~~~~~~~~~~~~~~ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:363:7: note: declared here T * data() const { ^~~~ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:13:0, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:413:43: warning: ‘T* at::Tensor::data() const [with T = double]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] input.contiguous().data<scalar_t>(), ^ /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Dispatch.h:13:12: note: in definition of macro ‘AT_PRIVATE_CASE_TYPE’ return VA_ARGS();
    ^~~~~~~~~~~ /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:398:3: note: in expansion of macro ‘AT_DISPATCH_FLOATING_TYPES’ AT_DISPATCH_FLOATING_TYPES(out_grad.type(), "dcn_v2_psroi_pooling_cpu_backward", [&] { ^~~~~~~~~~~~~~~~~~~~~~~~~~ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:363:7: note: declared here T * data() const { ^~~~ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:13:0, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:414:42: warning: ‘T* at::Tensor::data() const [with T = double]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] bbox.contiguous().data<scalar_t>(), ^ /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Dispatch.h:13:12: note: in definition of macro ‘AT_PRIVATE_CASE_TYPE’ return VA_ARGS();
    ^~~~~~~~~~~ /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:398:3: note: in expansion of macro ‘AT_DISPATCH_FLOATING_TYPES’ AT_DISPATCH_FLOATING_TYPES(out_grad.type(), "dcn_v2_psroi_pooling_cpu_backward", [&] { ^~~~~~~~~~~~~~~~~~~~~~~~~~ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:363:7: note: declared here T * data() const { ^~~~ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:13:0, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:415:43: warning: ‘T* at::Tensor::data() const [with T = double]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] trans.contiguous().data<scalar_t>(), ^ /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Dispatch.h:13:12: note: in definition of macro ‘AT_PRIVATE_CASE_TYPE’ return VA_ARGS();
    ^~~~~~~~~~~ /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:398:3: note: in expansion of macro ‘AT_DISPATCH_FLOATING_TYPES’ AT_DISPATCH_FLOATING_TYPES(out_grad.type(), "dcn_v2_psroi_pooling_cpu_backward", [&] { ^~~~~~~~~~~~~~~~~~~~~~~~~~ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:363:7: note: declared here T * data() const { ^~~~ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:13:0, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp: In lambda function: /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:401:46: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] out_grad.contiguous().data<scalar_t>(), ^ /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Dispatch.h:13:12: note: in definition of macro ‘AT_PRIVATE_CASE_TYPE’ return VA_ARGS();
    ^~~~~~~~~~~ /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:398:3: note: in expansion of macro ‘AT_DISPATCH_FLOATING_TYPES’ AT_DISPATCH_FLOATING_TYPES(out_grad.type(), "dcn_v2_psroi_pooling_cpu_backward", [&] { ^~~~~~~~~~~~~~~~~~~~~~~~~~ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:363:7: note: declared here T * data() const { ^~~~ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:13:0, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:402:47: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] top_count.contiguous().data<scalar_t>(), ^ /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Dispatch.h:13:12: note: in definition of macro ‘AT_PRIVATE_CASE_TYPE’ return VA_ARGS();
    ^~~~~~~~~~~ /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:398:3: note: in expansion of macro ‘AT_DISPATCH_FLOATING_TYPES’ AT_DISPATCH_FLOATING_TYPES(out_grad.type(), "dcn_v2_psroi_pooling_cpu_backward", [&] { ^~~~~~~~~~~~~~~~~~~~~~~~~~ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:363:7: note: declared here T * data() const { ^~~~ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:13:0, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:411:48: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] input_grad.contiguous().data<scalar_t>(), ^ /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Dispatch.h:13:12: note: in definition of macro ‘AT_PRIVATE_CASE_TYPE’ return VA_ARGS();
    ^~~~~~~~~~~ /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:398:3: note: in expansion of macro ‘AT_DISPATCH_FLOATING_TYPES’ AT_DISPATCH_FLOATING_TYPES(out_grad.type(), "dcn_v2_psroi_pooling_cpu_backward", [&] { ^~~~~~~~~~~~~~~~~~~~~~~~~~ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:363:7: note: declared here T * data() const { ^~~~ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:13:0, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:412:48: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] trans_grad.contiguous().data<scalar_t>(), ^ /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Dispatch.h:13:12: note: in definition of macro ‘AT_PRIVATE_CASE_TYPE’ return VA_ARGS();
    ^~~~~~~~~~~ /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:398:3: note: in expansion of macro ‘AT_DISPATCH_FLOATING_TYPES’ AT_DISPATCH_FLOATING_TYPES(out_grad.type(), "dcn_v2_psroi_pooling_cpu_backward", [&] { ^~~~~~~~~~~~~~~~~~~~~~~~~~ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:363:7: note: declared here T * data() const { ^~~~ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:13:0, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:413:43: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] input.contiguous().data<scalar_t>(), ^ /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Dispatch.h:13:12: note: in definition of macro ‘AT_PRIVATE_CASE_TYPE’ return VA_ARGS();
    ^~~~~~~~~~~ /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:398:3: note: in expansion of macro ‘AT_DISPATCH_FLOATING_TYPES’ AT_DISPATCH_FLOATING_TYPES(out_grad.type(), "dcn_v2_psroi_pooling_cpu_backward", [&] { ^~~~~~~~~~~~~~~~~~~~~~~~~~ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:363:7: note: declared here T * data() const { ^~~~ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:13:0, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:414:42: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] bbox.contiguous().data<scalar_t>(), ^ /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Dispatch.h:13:12: note: in definition of macro ‘AT_PRIVATE_CASE_TYPE’ return VA_ARGS();
    ^~~~~~~~~~~ /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:398:3: note: in expansion of macro ‘AT_DISPATCH_FLOATING_TYPES’ AT_DISPATCH_FLOATING_TYPES(out_grad.type(), "dcn_v2_psroi_pooling_cpu_backward", [&] { ^~~~~~~~~~~~~~~~~~~~~~~~~~ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:363:7: note: declared here T * data() const { ^~~~ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:13:0, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:415:43: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] trans.contiguous().data<scalar_t>(), ^ /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Dispatch.h:13:12: note: in definition of macro ‘AT_PRIVATE_CASE_TYPE’ return VA_ARGS();
    ^~~~~~~~~~~ /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:398:3: note: in expansion of macro ‘AT_DISPATCH_FLOATING_TYPES’ AT_DISPATCH_FLOATING_TYPES(out_grad.type(), "dcn_v2_psroi_pooling_cpu_backward", [&] { ^~~~~~~~~~~~~~~~~~~~~~~~~~ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:363:7: note: declared here T * data() const { ^~~~ [7/7] c++ -MMD -MF /home/risc/DEFT/src/lib/model/networks/DCNv2/build/temp.linux-x86_64-3.6/home/risc/DEFT/src/lib/model/networks/DCNv2/src/vision.o.d -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -DWITH_CUDA -I/home/risc/DEFT/src/lib/model/networks/DCNv2/src -I/home/risc/.local/lib/python3.6/site-packages/torch/include -I/home/risc/.local/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -I/home/risc/.local/lib/python3.6/site-packages/torch/include/TH -I/home/risc/.local/lib/python3.6/site-packages/torch/include/THC -I/usr/local/cuda-10.1/include -I/home/risc/anaconda3/envs/DEFT/include/python3.6m -c -c /home/risc/DEFT/src/lib/model/networks/DCNv2/src/vision.cpp -o /home/risc/DEFT/src/lib/model/networks/DCNv2/build/temp.linux-x86_64-3.6/home/risc/DEFT/src/lib/model/networks/DCNv2/src/vision.o -DTORCH_API_INCLUDE_EXTENSION_H -DTORCH_EXTENSION_NAME=_ext -D_GLIBCXX_USE_CXX11_ABI=0 -std=c++14 cc1plus: warning: command line option ‘-Wstrict-prototypes’ is valid for C/ObjC but not for C++ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Parallel.h:149:0, from /home/risc/.local/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/utils.h:3, from /home/risc/.local/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:5, from /home/risc/.local/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/nn.h:3, from /home/risc/.local/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/all.h:12, from /home/risc/.local/lib/python3.6/site-packages/torch/include/torch/extension.h:4, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/vision.h:2, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/dcn_v2.h:3, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/vision.cpp:2: /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ParallelOpenMP.h:84:0: warning: ignoring #pragma omp parallel [-Wunknown-pragmas] #pragma omp parallel for if ((end - begin) >= grain_size)

    In file included from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/vision.cpp:2:0: /home/risc/DEFT/src/lib/model/networks/DCNv2/src/dcn_v2.h: In function ‘at::Tensor dcn_v2_forward(const at::Tensor&, const at::Tensor&, const at::Tensor&, const at::Tensor&, const at::Tensor&, int, int, int, int, int, int, int, int, int)’: /home/risc/DEFT/src/lib/model/networks/DCNv2/src/dcn_v2.h:25:20: warning: ‘at::DeprecatedTypeProperties& at::Tensor::type() const’ is deprecated: Tensor.type() is deprecated. Instead use Tensor.options(), which in many cases (e.g. in a constructor) is a drop-in replacement. If you were using data from type(), that is now available from Tensor itself, so instead of tensor.type().scalar_type(), use tensor.scalar_type() instead and instead of tensor.type().backend() use tensor.device(). [-Wdeprecated-declarations] if (input.type().is_cuda()) ^ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9, from /home/risc/.local/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/types.h:3, from /home/risc/.local/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader_options.h:4, from /home/risc/.local/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/base.h:3, from /home/risc/.local/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/stateful.h:3, from /home/risc/.local/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader.h:3, from /home/risc/.local/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data.h:3, from /home/risc/.local/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/all.h:8, from /home/risc/.local/lib/python3.6/site-packages/torch/include/torch/extension.h:4, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/vision.h:2, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/dcn_v2.h:3, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/vision.cpp:2: /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:277:30: note: declared here DeprecatedTypeProperties & type() const { ^~~~ In file included from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/vision.cpp:2:0: /home/risc/DEFT/src/lib/model/networks/DCNv2/src/dcn_v2.h: In function ‘std::vectorat::Tensor dcn_v2_backward(const at::Tensor&, const at::Tensor&, const at::Tensor&, const at::Tensor&, const at::Tensor&, const at::Tensor&, int, int, int, int, int, int, int, int, int)’: /home/risc/DEFT/src/lib/model/networks/DCNv2/src/dcn_v2.h:61:20: warning: ‘at::DeprecatedTypeProperties& at::Tensor::type() const’ is deprecated: Tensor.type() is deprecated. Instead use Tensor.options(), which in many cases (e.g. in a constructor) is a drop-in replacement. If you were using data from type(), that is now available from Tensor itself, so instead of tensor.type().scalar_type(), use tensor.scalar_type() instead and instead of tensor.type().backend() use tensor.device(). [-Wdeprecated-declarations] if (input.type().is_cuda()) ^ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9, from /home/risc/.local/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/types.h:3, from /home/risc/.local/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader_options.h:4, from /home/risc/.local/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/base.h:3, from /home/risc/.local/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/stateful.h:3, from /home/risc/.local/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader.h:3, from /home/risc/.local/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data.h:3, from /home/risc/.local/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/all.h:8, from /home/risc/.local/lib/python3.6/site-packages/torch/include/torch/extension.h:4, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/vision.h:2, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/dcn_v2.h:3, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/vision.cpp:2: /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:277:30: note: declared here DeprecatedTypeProperties & type() const { ^~~~ In file included from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/vision.cpp:2:0: /home/risc/DEFT/src/lib/model/networks/DCNv2/src/dcn_v2.h: In function ‘std::tuple<at::Tensor, at::Tensor> dcn_v2_psroi_pooling_forward(const at::Tensor&, const at::Tensor&, const at::Tensor&, int, float, int, int, int, int, int, float)’: /home/risc/DEFT/src/lib/model/networks/DCNv2/src/dcn_v2.h:107:20: warning: ‘at::DeprecatedTypeProperties& at::Tensor::type() const’ is deprecated: Tensor.type() is deprecated. Instead use Tensor.options(), which in many cases (e.g. in a constructor) is a drop-in replacement. If you were using data from type(), that is now available from Tensor itself, so instead of tensor.type().scalar_type(), use tensor.scalar_type() instead and instead of tensor.type().backend() use tensor.device(). [-Wdeprecated-declarations] if (input.type().is_cuda()) ^ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9, from /home/risc/.local/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/types.h:3, from /home/risc/.local/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader_options.h:4, from /home/risc/.local/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/base.h:3, from /home/risc/.local/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/stateful.h:3, from /home/risc/.local/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader.h:3, from /home/risc/.local/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data.h:3, from /home/risc/.local/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/all.h:8, from /home/risc/.local/lib/python3.6/site-packages/torch/include/torch/extension.h:4, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/vision.h:2, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/dcn_v2.h:3, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/vision.cpp:2: /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:277:30: note: declared here DeprecatedTypeProperties & type() const { ^~~~ In file included from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/vision.cpp:2:0: /home/risc/DEFT/src/lib/model/networks/DCNv2/src/dcn_v2.h: In function ‘std::tuple<at::Tensor, at::Tensor> dcn_v2_psroi_pooling_backward(const at::Tensor&, const at::Tensor&, const at::Tensor&, const at::Tensor&, const at::Tensor&, int, float, int, int, int, int, int, float)’: /home/risc/DEFT/src/lib/model/networks/DCNv2/src/dcn_v2.h:155:20: warning: ‘at::DeprecatedTypeProperties& at::Tensor::type() const’ is deprecated: Tensor.type() is deprecated. Instead use Tensor.options(), which in many cases (e.g. in a constructor) is a drop-in replacement. If you were using data from type(), that is now available from Tensor itself, so instead of tensor.type().scalar_type(), use tensor.scalar_type() instead and instead of tensor.type().backend() use tensor.device(). [-Wdeprecated-declarations] if (input.type().is_cuda()) ^ In file included from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9, from /home/risc/.local/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/types.h:3, from /home/risc/.local/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader_options.h:4, from /home/risc/.local/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/base.h:3, from /home/risc/.local/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/stateful.h:3, from /home/risc/.local/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader.h:3, from /home/risc/.local/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data.h:3, from /home/risc/.local/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/all.h:8, from /home/risc/.local/lib/python3.6/site-packages/torch/include/torch/extension.h:4, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/cpu/vision.h:2, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/dcn_v2.h:3, from /home/risc/DEFT/src/lib/model/networks/DCNv2/src/vision.cpp:2: /home/risc/.local/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:277:30: note: declared here DeprecatedTypeProperties & type() const { ^~~~ ninja: build stopped: subcommand failed. Traceback (most recent call last): File "/home/risc/.local/lib/python3.6/site-packages/torch/utils/cpp_extension.py", line 1522, in _run_ninja_build env=env) File "/home/risc/anaconda3/envs/DEFT/lib/python3.6/subprocess.py", line 438, in run output=stdout, stderr=stderr) subprocess.CalledProcessError: Command '['ninja', '-v']' returned non-zero exit status 1.

    The above exception was the direct cause of the following exception:

    Traceback (most recent call last): File "setup.py", line 70, in cmdclass={"build_ext": torch.utils.cpp_extension.BuildExtension}, File "/home/risc/anaconda3/envs/DEFT/lib/python3.6/site-packages/setuptools/init.py", line 163, in setup return distutils.core.setup(**attrs) File "/home/risc/anaconda3/envs/DEFT/lib/python3.6/distutils/core.py", line 148, in setup dist.run_commands() File "/home/risc/anaconda3/envs/DEFT/lib/python3.6/distutils/dist.py", line 955, in run_commands self.run_command(cmd) File "/home/risc/anaconda3/envs/DEFT/lib/python3.6/distutils/dist.py", line 974, in run_command cmd_obj.run() File "/home/risc/anaconda3/envs/DEFT/lib/python3.6/distutils/command/build.py", line 135, in run self.run_command(cmd_name) File "/home/risc/anaconda3/envs/DEFT/lib/python3.6/distutils/cmd.py", line 313, in run_command self.distribution.run_command(command) File "/home/risc/anaconda3/envs/DEFT/lib/python3.6/distutils/dist.py", line 974, in run_command cmd_obj.run() File "/home/risc/anaconda3/envs/DEFT/lib/python3.6/site-packages/setuptools/command/build_ext.py", line 87, in run _build_ext.run(self) File "/home/risc/anaconda3/envs/DEFT/lib/python3.6/site-packages/Cython/Distutils/old_build_ext.py", line 186, in run _build_ext.build_ext.run(self) File "/home/risc/anaconda3/envs/DEFT/lib/python3.6/distutils/command/build_ext.py", line 339, in run self.build_extensions() File "/home/risc/.local/lib/python3.6/site-packages/torch/utils/cpp_extension.py", line 653, in build_extensions build_ext.build_extensions(self) File "/home/risc/anaconda3/envs/DEFT/lib/python3.6/site-packages/Cython/Distutils/old_build_ext.py", line 195, in build_extensions _build_ext.build_ext.build_extensions(self) File "/home/risc/anaconda3/envs/DEFT/lib/python3.6/distutils/command/build_ext.py", line 448, in build_extensions self._build_extensions_serial() File "/home/risc/anaconda3/envs/DEFT/lib/python3.6/distutils/command/build_ext.py", line 473, in _build_extensions_serial self.build_extension(ext) File "/home/risc/anaconda3/envs/DEFT/lib/python3.6/site-packages/setuptools/command/build_ext.py", line 208, in build_extension _build_ext.build_extension(self, ext) File "/home/risc/anaconda3/envs/DEFT/lib/python3.6/distutils/command/build_ext.py", line 533, in build_extension depends=ext.depends) File "/home/risc/.local/lib/python3.6/site-packages/torch/utils/cpp_extension.py", line 482, in unix_wrap_ninja_compile with_cuda=with_cuda) File "/home/risc/.local/lib/python3.6/site-packages/torch/utils/cpp_extension.py", line 1238, in _write_ninja_file_and_compile_objects error_prefix='Error compiling objects for extension') File "/home/risc/.local/lib/python3.6/site-packages/torch/utils/cpp_extension.py", line 1538, in _run_ninja_build raise RuntimeError(message) from e RuntimeError: Error compiling objects for extension ` <<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<

    opened by ryanmaxwell96 5
  • Why the test result of KITTI only include car class?

    Why the test result of KITTI only include car class?

    HI! Thanks for your excellent work! I run the test.py to get the KITTI result, but it only includes car class,not pedestrians and cyclist. Does your code only focus the car class during training, or does it only detect the car class during testing? I don't find the corresponding code in the project, can you help me? @MedChaabane Thanks!

    opened by zhangchuang-zc 4
  •  The  pre-trained weight link you gave cannot be downloaded

    The pre-trained weight link you gave cannot be downloaded

    Hi, thanks for your awesome job, I am reproducing your code. But the pre-trained weight link you gave requires permission to access. Could you open the permission on the Google cloud disk?

    opened by ZZXin 2
  • trajectory_dataset.py issues when training on MOT17

    trajectory_dataset.py issues when training on MOT17

    I have noticed a couple of issues:

    1. The Dataloader ( _load_data, _load_image_anns) is internally loading images (img = cv2.imread(img_path)) which are never used in the __getitem__ function therefore dramatically increasing the overhead of the Dataloader.

    2. No bounding boxes are being returned by __getitem__ and the Dataloader is eventually terminated with a recursion depth error because _get_bboxes cls_id > self.opt.num_classes is True due to num_classes not being set in opts.py Adding --"num_classes 1" to mot17_tracking.sh solves this. i.epython train_prediction.py tracking --exp_id mot17_motion_model --dataset mot --dataset_version 17trainval --gpus 0 --num_classes 1

    opened by simon-rob 1
  • How to train on COCO/own dataset?

    How to train on COCO/own dataset?

    First off, I would like to say thank you for sharing this amazing work. Will you be adding instructions or scripts to train and test on own dataset?

    Is it correct to say the dataset should be a COCO like format with the inclusion of track_id in the annotation?

    opened by Hiddenfire21 1
  • error: ‘THFloatBlas_gemv’ was not declared in this scope

    error: ‘THFloatBlas_gemv’ was not declared in this scope

    When I run ./make.sh I get the error

    "error: ‘THFloatBlas_gemv’ was not declared in this scope." The entire error print out is extremely long:

    `running build running build_ext /home/risc/ryan/lib/python3.6/site-packages/torch/utils/cpp_extension.py:335: UserWarning: Attempted to use ninja as the BuildExtension backend but we could not find ninja.. Falling back to using the slow distutils backend. warnings.warn(msg.format('we could not find ninja.')) building '_ext' extension g++ -DNDEBUG -g -fwrapv -O2 -Wall -g -fstack-protector-strong -Wformat -Werror=format-security -Wdate-time -D_FORTIFY_SOURCE=2 -fPIC -DWITH_CUDA -I/home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src -I/home/risc/ryan/lib/python3.6/site-packages/torch/include -I/home/risc/ryan/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -I/home/risc/ryan/lib/python3.6/site-packages/torch/include/TH -I/home/risc/ryan/lib/python3.6/site-packages/torch/include/THC -I/home/risc/ryan/include -I/usr/include/python3.6m -c /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/vision.cpp -o build/temp.linux-x86_64-3.6/home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/vision.o -DTORCH_API_INCLUDE_EXTENSION_H -DTORCH_EXTENSION_NAME=_ext -D_GLIBCXX_USE_CXX11_ABI=0 -std=c++14 In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Parallel.h:149:0, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/utils.h:3, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:5, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/nn.h:3, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/all.h:7, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/torch/extension.h:4, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/vision.h:2, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/dcn_v2.h:3, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/vision.cpp:2: /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ParallelOpenMP.h:84:0: warning: ignoring #pragma omp parallel [-Wunknown-pragmas] #pragma omp parallel for if ((end - begin) >= grain_size)

    In file included from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/vision.cpp:2:0: /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/dcn_v2.h: In function ‘at::Tensor dcn_v2_forward(const at::Tensor&, const at::Tensor&, const at::Tensor&, const at::Tensor&, const at::Tensor&, int, int, int, int, int, int, int, int, int)’: /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/dcn_v2.h:25:20: warning: ‘at::DeprecatedTypeProperties& at::Tensor::type() const’ is deprecated: Tensor.type() is deprecated. Instead use Tensor.options(), which in many cases (e.g. in a constructor) is a drop-in replacement. If you were using data from type(), that is now available from Tensor itself, so instead of tensor.type().scalar_type(), use tensor.scalar_type() instead and instead of tensor.type().backend() use tensor.device(). [-Wdeprecated-declarations] if (input.type().is_cuda()) ^ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:5, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/types.h:3, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader_options.h:4, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/base.h:3, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/stateful.h:3, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader.h:3, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data.h:3, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/all.h:4, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/torch/extension.h:4, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/vision.h:2, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/dcn_v2.h:3, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/vision.cpp:2: /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:268:30: note: declared here DeprecatedTypeProperties & type() const { ^~~~ In file included from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/vision.cpp:2:0: /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/dcn_v2.h: In function ‘std::vectorat::Tensor dcn_v2_backward(const at::Tensor&, const at::Tensor&, const at::Tensor&, const at::Tensor&, const at::Tensor&, const at::Tensor&, int, int, int, int, int, int, int, int, int)’: /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/dcn_v2.h:61:20: warning: ‘at::DeprecatedTypeProperties& at::Tensor::type() const’ is deprecated: Tensor.type() is deprecated. Instead use Tensor.options(), which in many cases (e.g. in a constructor) is a drop-in replacement. If you were using data from type(), that is now available from Tensor itself, so instead of tensor.type().scalar_type(), use tensor.scalar_type() instead and instead of tensor.type().backend() use tensor.device(). [-Wdeprecated-declarations] if (input.type().is_cuda()) ^ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:5, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/types.h:3, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader_options.h:4, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/base.h:3, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/stateful.h:3, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader.h:3, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data.h:3, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/all.h:4, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/torch/extension.h:4, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/vision.h:2, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/dcn_v2.h:3, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/vision.cpp:2: /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:268:30: note: declared here DeprecatedTypeProperties & type() const { ^~~~ In file included from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/vision.cpp:2:0: /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/dcn_v2.h: In function ‘std::tuple<at::Tensor, at::Tensor> dcn_v2_psroi_pooling_forward(const at::Tensor&, const at::Tensor&, const at::Tensor&, int, float, int, int, int, int, int, float)’: /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/dcn_v2.h:107:20: warning: ‘at::DeprecatedTypeProperties& at::Tensor::type() const’ is deprecated: Tensor.type() is deprecated. Instead use Tensor.options(), which in many cases (e.g. in a constructor) is a drop-in replacement. If you were using data from type(), that is now available from Tensor itself, so instead of tensor.type().scalar_type(), use tensor.scalar_type() instead and instead of tensor.type().backend() use tensor.device(). [-Wdeprecated-declarations] if (input.type().is_cuda()) ^ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:5, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/types.h:3, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader_options.h:4, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/base.h:3, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/stateful.h:3, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader.h:3, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data.h:3, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/all.h:4, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/torch/extension.h:4, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/vision.h:2, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/dcn_v2.h:3, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/vision.cpp:2: /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:268:30: note: declared here DeprecatedTypeProperties & type() const { ^~~~ In file included from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/vision.cpp:2:0: /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/dcn_v2.h: In function ‘std::tuple<at::Tensor, at::Tensor> dcn_v2_psroi_pooling_backward(const at::Tensor&, const at::Tensor&, const at::Tensor&, const at::Tensor&, const at::Tensor&, int, float, int, int, int, int, int, float)’: /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/dcn_v2.h:155:20: warning: ‘at::DeprecatedTypeProperties& at::Tensor::type() const’ is deprecated: Tensor.type() is deprecated. Instead use Tensor.options(), which in many cases (e.g. in a constructor) is a drop-in replacement. If you were using data from type(), that is now available from Tensor itself, so instead of tensor.type().scalar_type(), use tensor.scalar_type() instead and instead of tensor.type().backend() use tensor.device(). [-Wdeprecated-declarations] if (input.type().is_cuda()) ^ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:5, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/types.h:3, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader_options.h:4, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/base.h:3, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/stateful.h:3, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader.h:3, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data.h:3, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/all.h:4, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/torch/extension.h:4, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/vision.h:2, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/dcn_v2.h:3, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/vision.cpp:2: /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:268:30: note: declared here DeprecatedTypeProperties & type() const { ^~~~ g++ -DNDEBUG -g -fwrapv -O2 -Wall -g -fstack-protector-strong -Wformat -Werror=format-security -Wdate-time -D_FORTIFY_SOURCE=2 -fPIC -DWITH_CUDA -I/home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src -I/home/risc/ryan/lib/python3.6/site-packages/torch/include -I/home/risc/ryan/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -I/home/risc/ryan/lib/python3.6/site-packages/torch/include/TH -I/home/risc/ryan/lib/python3.6/site-packages/torch/include/THC -I/home/risc/ryan/include -I/usr/include/python3.6m -c /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp -o build/temp.linux-x86_64-3.6/home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.o -DTORCH_API_INCLUDE_EXTENSION_H -DTORCH_EXTENSION_NAME=_ext -D_GLIBCXX_USE_CXX11_ABI=0 -std=c++14 In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Parallel.h:149:0, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/TH/THTensorApply.h:4, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/TH/THTensor.h:5, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/TH/TH.h:13, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:18: /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ParallelOpenMP.h:84:0: warning: ignoring #pragma omp parallel [-Wunknown-pragmas] #pragma omp parallel for if ((end - begin) >= grain_size)

    In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9:0, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp: In lambda function: /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:324:41: warning: ‘at::DeprecatedTypeProperties& at::Tensor::type() const’ is deprecated: Tensor.type() is deprecated. Instead use Tensor.options(), which in many cases (e.g. in a constructor) is a drop-in replacement. If you were using data from type(), that is now available from Tensor itself, so instead of tensor.type().scalar_type(), use tensor.scalar_type() instead and instead of tensor.type().backend() use tensor.device(). [-Wdeprecated-declarations] AT_DISPATCH_FLOATING_TYPES(input.type(), "dcn_v2_psroi_pooling_cpu_forward", [&] { ^ /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Dispatch.h:137:28: note: in definition of macro ‘AT_DISPATCH_FLOATING_TYPES’ const auto& the_type = TYPE;
    ^~~~ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:5, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:268:30: note: declared here DeprecatedTypeProperties & type() const { ^~~~ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9:0, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Dispatch.h:139:56: warning: ‘c10::ScalarType detail::scalar_type(const at::DeprecatedTypeProperties&)’ is deprecated: passing at::DeprecatedTypeProperties to an AT_DISPATCH macro is deprecated, pass an at::ScalarType instead [-Wdeprecated-declarations] at::ScalarType _st = ::detail::scalar_type(the_type);
    ^ /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:324:3: note: in expansion of macro ‘AT_DISPATCH_FLOATING_TYPES’ AT_DISPATCH_FLOATING_TYPES(input.type(), "dcn_v2_psroi_pooling_cpu_forward", [&] { ^~~~~~~~~~~~~~~~~~~~~~~~~~ /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Dispatch.h:66:23: note: declared here inline at::ScalarType scalar_type(const at::DeprecatedTypeProperties& t) { ^~~~~~~~~~~ /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp: In lambda function: /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:327:43: warning: ‘T* at::Tensor::data() const [with T = double]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] input.contiguous().data<scalar_t>(), ^ /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Dispatch.h:13:12: note: in definition of macro ‘AT_PRIVATE_CASE_TYPE’ return VA_ARGS();
    ^~~~~~~~~~~ /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:324:3: note: in expansion of macro ‘AT_DISPATCH_FLOATING_TYPES’ AT_DISPATCH_FLOATING_TYPES(input.type(), "dcn_v2_psroi_pooling_cpu_forward", [&] { ^~~~~~~~~~~~~~~~~~~~~~~~~~ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:5, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:354:7: note: declared here T * data() const { ^~~~ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9:0, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:333:42: warning: ‘T* at::Tensor::data() const [with T = double]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] bbox.contiguous().data<scalar_t>(), ^ /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Dispatch.h:13:12: note: in definition of macro ‘AT_PRIVATE_CASE_TYPE’ return VA_ARGS();
    ^~~~~~~~~~~ /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:324:3: note: in expansion of macro ‘AT_DISPATCH_FLOATING_TYPES’ AT_DISPATCH_FLOATING_TYPES(input.type(), "dcn_v2_psroi_pooling_cpu_forward", [&] { ^~~~~~~~~~~~~~~~~~~~~~~~~~ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:5, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:354:7: note: declared here T * data() const { ^~~~ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9:0, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:334:43: warning: ‘T* at::Tensor::data() const [with T = double]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] trans.contiguous().data<scalar_t>(), ^ /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Dispatch.h:13:12: note: in definition of macro ‘AT_PRIVATE_CASE_TYPE’ return VA_ARGS();
    ^~~~~~~~~~~ /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:324:3: note: in expansion of macro ‘AT_DISPATCH_FLOATING_TYPES’ AT_DISPATCH_FLOATING_TYPES(input.type(), "dcn_v2_psroi_pooling_cpu_forward", [&] { ^~~~~~~~~~~~~~~~~~~~~~~~~~ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:5, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:354:7: note: declared here T * data() const { ^~~~ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9:0, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:343:28: warning: ‘T* at::Tensor::data() const [with T = double]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] out.data<scalar_t>(), ^ /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Dispatch.h:13:12: note: in definition of macro ‘AT_PRIVATE_CASE_TYPE’ return VA_ARGS();
    ^~~~~~~~~~~ /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:324:3: note: in expansion of macro ‘AT_DISPATCH_FLOATING_TYPES’ AT_DISPATCH_FLOATING_TYPES(input.type(), "dcn_v2_psroi_pooling_cpu_forward", [&] { ^~~~~~~~~~~~~~~~~~~~~~~~~~ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:5, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:354:7: note: declared here T * data() const { ^~~~ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9:0, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:344:34: warning: ‘T* at::Tensor::data() const [with T = double]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] top_count.data<scalar_t>()); ^ /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Dispatch.h:13:12: note: in definition of macro ‘AT_PRIVATE_CASE_TYPE’ return VA_ARGS();
    ^~~~~~~~~~~ /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:324:3: note: in expansion of macro ‘AT_DISPATCH_FLOATING_TYPES’ AT_DISPATCH_FLOATING_TYPES(input.type(), "dcn_v2_psroi_pooling_cpu_forward", [&] { ^~~~~~~~~~~~~~~~~~~~~~~~~~ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:5, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:354:7: note: declared here T * data() const { ^~~~ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9:0, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp: In lambda function: /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:327:43: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] input.contiguous().data<scalar_t>(), ^ /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Dispatch.h:13:12: note: in definition of macro ‘AT_PRIVATE_CASE_TYPE’ return VA_ARGS();
    ^~~~~~~~~~~ /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:324:3: note: in expansion of macro ‘AT_DISPATCH_FLOATING_TYPES’ AT_DISPATCH_FLOATING_TYPES(input.type(), "dcn_v2_psroi_pooling_cpu_forward", [&] { ^~~~~~~~~~~~~~~~~~~~~~~~~~ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:5, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:354:7: note: declared here T * data() const { ^~~~ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9:0, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:333:42: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] bbox.contiguous().data<scalar_t>(), ^ /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Dispatch.h:13:12: note: in definition of macro ‘AT_PRIVATE_CASE_TYPE’ return VA_ARGS();
    ^~~~~~~~~~~ /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:324:3: note: in expansion of macro ‘AT_DISPATCH_FLOATING_TYPES’ AT_DISPATCH_FLOATING_TYPES(input.type(), "dcn_v2_psroi_pooling_cpu_forward", [&] { ^~~~~~~~~~~~~~~~~~~~~~~~~~ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:5, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:354:7: note: declared here T * data() const { ^~~~ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9:0, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:334:43: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] trans.contiguous().data<scalar_t>(), ^ /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Dispatch.h:13:12: note: in definition of macro ‘AT_PRIVATE_CASE_TYPE’ return VA_ARGS();
    ^~~~~~~~~~~ /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:324:3: note: in expansion of macro ‘AT_DISPATCH_FLOATING_TYPES’ AT_DISPATCH_FLOATING_TYPES(input.type(), "dcn_v2_psroi_pooling_cpu_forward", [&] { ^~~~~~~~~~~~~~~~~~~~~~~~~~ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:5, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:354:7: note: declared here T * data() const { ^~~~ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9:0, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:343:28: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] out.data<scalar_t>(), ^ /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Dispatch.h:13:12: note: in definition of macro ‘AT_PRIVATE_CASE_TYPE’ return VA_ARGS();
    ^~~~~~~~~~~ /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:324:3: note: in expansion of macro ‘AT_DISPATCH_FLOATING_TYPES’ AT_DISPATCH_FLOATING_TYPES(input.type(), "dcn_v2_psroi_pooling_cpu_forward", [&] { ^~~~~~~~~~~~~~~~~~~~~~~~~~ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:5, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:354:7: note: declared here T * data() const { ^~~~ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9:0, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:344:34: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] top_count.data<scalar_t>()); ^ /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Dispatch.h:13:12: note: in definition of macro ‘AT_PRIVATE_CASE_TYPE’ return VA_ARGS();
    ^~~~~~~~~~~ /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:324:3: note: in expansion of macro ‘AT_DISPATCH_FLOATING_TYPES’ AT_DISPATCH_FLOATING_TYPES(input.type(), "dcn_v2_psroi_pooling_cpu_forward", [&] { ^~~~~~~~~~~~~~~~~~~~~~~~~~ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:5, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:354:7: note: declared here T * data() const { ^~~~ /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp: In function ‘std::tuple<at::Tensor, at::Tensor> dcn_v2_psroi_pooling_cpu_forward(const at::Tensor&, const at::Tensor&, const at::Tensor&, int, float, int, int, int, int, int, float)’: /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:295:13: warning: unused variable ‘batch’ [-Wunused-variable] const int batch = input.size(0); ^~~~~ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9:0, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp: In lambda function: /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:398:44: warning: ‘at::DeprecatedTypeProperties& at::Tensor::type() const’ is deprecated: Tensor.type() is deprecated. Instead use Tensor.options(), which in many cases (e.g. in a constructor) is a drop-in replacement. If you were using data from type(), that is now available from Tensor itself, so instead of tensor.type().scalar_type(), use tensor.scalar_type() instead and instead of tensor.type().backend() use tensor.device(). [-Wdeprecated-declarations] AT_DISPATCH_FLOATING_TYPES(out_grad.type(), "dcn_v2_psroi_pooling_cpu_backward", [&] { ^ /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Dispatch.h:137:28: note: in definition of macro ‘AT_DISPATCH_FLOATING_TYPES’ const auto& the_type = TYPE;
    ^~~~ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:5, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:268:30: note: declared here DeprecatedTypeProperties & type() const { ^~~~ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9:0, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Dispatch.h:139:56: warning: ‘c10::ScalarType detail::scalar_type(const at::DeprecatedTypeProperties&)’ is deprecated: passing at::DeprecatedTypeProperties to an AT_DISPATCH macro is deprecated, pass an at::ScalarType instead [-Wdeprecated-declarations] at::ScalarType _st = ::detail::scalar_type(the_type);
    ^ /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:398:3: note: in expansion of macro ‘AT_DISPATCH_FLOATING_TYPES’ AT_DISPATCH_FLOATING_TYPES(out_grad.type(), "dcn_v2_psroi_pooling_cpu_backward", [&] { ^~~~~~~~~~~~~~~~~~~~~~~~~~ /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Dispatch.h:66:23: note: declared here inline at::ScalarType scalar_type(const at::DeprecatedTypeProperties& t) { ^~~~~~~~~~~ /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp: In lambda function: /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:401:46: warning: ‘T* at::Tensor::data() const [with T = double]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] out_grad.contiguous().data<scalar_t>(), ^ /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Dispatch.h:13:12: note: in definition of macro ‘AT_PRIVATE_CASE_TYPE’ return VA_ARGS();
    ^~~~~~~~~~~ /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:398:3: note: in expansion of macro ‘AT_DISPATCH_FLOATING_TYPES’ AT_DISPATCH_FLOATING_TYPES(out_grad.type(), "dcn_v2_psroi_pooling_cpu_backward", [&] { ^~~~~~~~~~~~~~~~~~~~~~~~~~ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:5, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:354:7: note: declared here T * data() const { ^~~~ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9:0, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:402:47: warning: ‘T* at::Tensor::data() const [with T = double]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] top_count.contiguous().data<scalar_t>(), ^ /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Dispatch.h:13:12: note: in definition of macro ‘AT_PRIVATE_CASE_TYPE’ return VA_ARGS();
    ^~~~~~~~~~~ /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:398:3: note: in expansion of macro ‘AT_DISPATCH_FLOATING_TYPES’ AT_DISPATCH_FLOATING_TYPES(out_grad.type(), "dcn_v2_psroi_pooling_cpu_backward", [&] { ^~~~~~~~~~~~~~~~~~~~~~~~~~ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:5, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:354:7: note: declared here T * data() const { ^~~~ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9:0, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:411:48: warning: ‘T* at::Tensor::data() const [with T = double]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] input_grad.contiguous().data<scalar_t>(), ^ /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Dispatch.h:13:12: note: in definition of macro ‘AT_PRIVATE_CASE_TYPE’ return VA_ARGS();
    ^~~~~~~~~~~ /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:398:3: note: in expansion of macro ‘AT_DISPATCH_FLOATING_TYPES’ AT_DISPATCH_FLOATING_TYPES(out_grad.type(), "dcn_v2_psroi_pooling_cpu_backward", [&] { ^~~~~~~~~~~~~~~~~~~~~~~~~~ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:5, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:354:7: note: declared here T * data() const { ^~~~ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9:0, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:412:48: warning: ‘T* at::Tensor::data() const [with T = double]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] trans_grad.contiguous().data<scalar_t>(), ^ /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Dispatch.h:13:12: note: in definition of macro ‘AT_PRIVATE_CASE_TYPE’ return VA_ARGS();
    ^~~~~~~~~~~ /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:398:3: note: in expansion of macro ‘AT_DISPATCH_FLOATING_TYPES’ AT_DISPATCH_FLOATING_TYPES(out_grad.type(), "dcn_v2_psroi_pooling_cpu_backward", [&] { ^~~~~~~~~~~~~~~~~~~~~~~~~~ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:5, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:354:7: note: declared here T * data() const { ^~~~ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9:0, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:413:43: warning: ‘T* at::Tensor::data() const [with T = double]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] input.contiguous().data<scalar_t>(), ^ /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Dispatch.h:13:12: note: in definition of macro ‘AT_PRIVATE_CASE_TYPE’ return VA_ARGS();
    ^~~~~~~~~~~ /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:398:3: note: in expansion of macro ‘AT_DISPATCH_FLOATING_TYPES’ AT_DISPATCH_FLOATING_TYPES(out_grad.type(), "dcn_v2_psroi_pooling_cpu_backward", [&] { ^~~~~~~~~~~~~~~~~~~~~~~~~~ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:5, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:354:7: note: declared here T * data() const { ^~~~ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9:0, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:414:42: warning: ‘T* at::Tensor::data() const [with T = double]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] bbox.contiguous().data<scalar_t>(), ^ /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Dispatch.h:13:12: note: in definition of macro ‘AT_PRIVATE_CASE_TYPE’ return VA_ARGS();
    ^~~~~~~~~~~ /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:398:3: note: in expansion of macro ‘AT_DISPATCH_FLOATING_TYPES’ AT_DISPATCH_FLOATING_TYPES(out_grad.type(), "dcn_v2_psroi_pooling_cpu_backward", [&] { ^~~~~~~~~~~~~~~~~~~~~~~~~~ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:5, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:354:7: note: declared here T * data() const { ^~~~ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9:0, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:415:43: warning: ‘T* at::Tensor::data() const [with T = double]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] trans.contiguous().data<scalar_t>(), ^ /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Dispatch.h:13:12: note: in definition of macro ‘AT_PRIVATE_CASE_TYPE’ return VA_ARGS();
    ^~~~~~~~~~~ /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:398:3: note: in expansion of macro ‘AT_DISPATCH_FLOATING_TYPES’ AT_DISPATCH_FLOATING_TYPES(out_grad.type(), "dcn_v2_psroi_pooling_cpu_backward", [&] { ^~~~~~~~~~~~~~~~~~~~~~~~~~ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:5, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:354:7: note: declared here T * data() const { ^~~~ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9:0, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp: In lambda function: /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:401:46: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] out_grad.contiguous().data<scalar_t>(), ^ /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Dispatch.h:13:12: note: in definition of macro ‘AT_PRIVATE_CASE_TYPE’ return VA_ARGS();
    ^~~~~~~~~~~ /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:398:3: note: in expansion of macro ‘AT_DISPATCH_FLOATING_TYPES’ AT_DISPATCH_FLOATING_TYPES(out_grad.type(), "dcn_v2_psroi_pooling_cpu_backward", [&] { ^~~~~~~~~~~~~~~~~~~~~~~~~~ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:5, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:354:7: note: declared here T * data() const { ^~~~ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9:0, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:402:47: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] top_count.contiguous().data<scalar_t>(), ^ /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Dispatch.h:13:12: note: in definition of macro ‘AT_PRIVATE_CASE_TYPE’ return VA_ARGS();
    ^~~~~~~~~~~ /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:398:3: note: in expansion of macro ‘AT_DISPATCH_FLOATING_TYPES’ AT_DISPATCH_FLOATING_TYPES(out_grad.type(), "dcn_v2_psroi_pooling_cpu_backward", [&] { ^~~~~~~~~~~~~~~~~~~~~~~~~~ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:5, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:354:7: note: declared here T * data() const { ^~~~ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9:0, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:411:48: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] input_grad.contiguous().data<scalar_t>(), ^ /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Dispatch.h:13:12: note: in definition of macro ‘AT_PRIVATE_CASE_TYPE’ return VA_ARGS();
    ^~~~~~~~~~~ /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:398:3: note: in expansion of macro ‘AT_DISPATCH_FLOATING_TYPES’ AT_DISPATCH_FLOATING_TYPES(out_grad.type(), "dcn_v2_psroi_pooling_cpu_backward", [&] { ^~~~~~~~~~~~~~~~~~~~~~~~~~ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:5, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:354:7: note: declared here T * data() const { ^~~~ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9:0, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:412:48: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] trans_grad.contiguous().data<scalar_t>(), ^ /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Dispatch.h:13:12: note: in definition of macro ‘AT_PRIVATE_CASE_TYPE’ return VA_ARGS();
    ^~~~~~~~~~~ /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:398:3: note: in expansion of macro ‘AT_DISPATCH_FLOATING_TYPES’ AT_DISPATCH_FLOATING_TYPES(out_grad.type(), "dcn_v2_psroi_pooling_cpu_backward", [&] { ^~~~~~~~~~~~~~~~~~~~~~~~~~ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:5, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:354:7: note: declared here T * data() const { ^~~~ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9:0, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:413:43: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] input.contiguous().data<scalar_t>(), ^ /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Dispatch.h:13:12: note: in definition of macro ‘AT_PRIVATE_CASE_TYPE’ return VA_ARGS();
    ^~~~~~~~~~~ /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:398:3: note: in expansion of macro ‘AT_DISPATCH_FLOATING_TYPES’ AT_DISPATCH_FLOATING_TYPES(out_grad.type(), "dcn_v2_psroi_pooling_cpu_backward", [&] { ^~~~~~~~~~~~~~~~~~~~~~~~~~ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:5, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:354:7: note: declared here T * data() const { ^~~~ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9:0, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:414:42: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] bbox.contiguous().data<scalar_t>(), ^ /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Dispatch.h:13:12: note: in definition of macro ‘AT_PRIVATE_CASE_TYPE’ return VA_ARGS();
    ^~~~~~~~~~~ /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:398:3: note: in expansion of macro ‘AT_DISPATCH_FLOATING_TYPES’ AT_DISPATCH_FLOATING_TYPES(out_grad.type(), "dcn_v2_psroi_pooling_cpu_backward", [&] { ^~~~~~~~~~~~~~~~~~~~~~~~~~ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:5, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:354:7: note: declared here T * data() const { ^~~~ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9:0, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:415:43: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] trans.contiguous().data<scalar_t>(), ^ /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Dispatch.h:13:12: note: in definition of macro ‘AT_PRIVATE_CASE_TYPE’ return VA_ARGS();
    ^~~~~~~~~~~ /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:398:3: note: in expansion of macro ‘AT_DISPATCH_FLOATING_TYPES’ AT_DISPATCH_FLOATING_TYPES(out_grad.type(), "dcn_v2_psroi_pooling_cpu_backward", [&] { ^~~~~~~~~~~~~~~~~~~~~~~~~~ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:5, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_psroi_pooling_cpu.cpp:15: /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:354:7: note: declared here T * data() const { ^~~~ g++ -DNDEBUG -g -fwrapv -O2 -Wall -g -fstack-protector-strong -Wformat -Werror=format-security -Wdate-time -D_FORTIFY_SOURCE=2 -fPIC -DWITH_CUDA -I/home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src -I/home/risc/ryan/lib/python3.6/site-packages/torch/include -I/home/risc/ryan/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -I/home/risc/ryan/lib/python3.6/site-packages/torch/include/TH -I/home/risc/ryan/lib/python3.6/site-packages/torch/include/THC -I/home/risc/ryan/include -I/usr/include/python3.6m -c /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_im2col_cpu.cpp -o build/temp.linux-x86_64-3.6/home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_im2col_cpu.o -DTORCH_API_INCLUDE_EXTENSION_H -DTORCH_EXTENSION_NAME=_ext -D_GLIBCXX_USE_CXX11_ABI=0 -std=c++14 In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Parallel.h:149:0, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/TH/THTensorApply.h:4, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/TH/THTensor.h:5, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/TH/TH.h:13, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_im2col_cpu.cpp:9: /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ParallelOpenMP.h:84:0: warning: ignoring #pragma omp parallel [-Wunknown-pragmas] #pragma omp parallel for if ((end - begin) >= grain_size)

    g++ -DNDEBUG -g -fwrapv -O2 -Wall -g -fstack-protector-strong -Wformat -Werror=format-security -Wdate-time -D_FORTIFY_SOURCE=2 -fPIC -DWITH_CUDA -I/home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src -I/home/risc/ryan/lib/python3.6/site-packages/torch/include -I/home/risc/ryan/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -I/home/risc/ryan/lib/python3.6/site-packages/torch/include/TH -I/home/risc/ryan/lib/python3.6/site-packages/torch/include/THC -I/home/risc/ryan/include -I/usr/include/python3.6m -c /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp -o build/temp.linux-x86_64-3.6/home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.o -DTORCH_API_INCLUDE_EXTENSION_H -DTORCH_EXTENSION_NAME=_ext -D_GLIBCXX_USE_CXX11_ABI=0 -std=c++14 In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Parallel.h:149:0, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/TH/THTensorApply.h:4, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/TH/THTensor.h:5, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/TH/TH.h:13, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:7: /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ParallelOpenMP.h:84:0: warning: ignoring #pragma omp parallel [-Wunknown-pragmas] #pragma omp parallel for if ((end - begin) >= grain_size)

    /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp: In function ‘at::Tensor dcn_v2_cpu_forward(const at::Tensor&, const at::Tensor&, const at::Tensor&, const at::Tensor&, const at::Tensor&, int, int, int, int, int, int, int, int, int)’: /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:83:59: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] ones.contiguous().data<scalar_t>(), k_, ^ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:5, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:4: /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:354:7: note: declared here T * data() const { ^~~~ /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:84:59: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] bias.contiguous().data<scalar_t>(), k_, 0.0f, ^ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:5, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:4: /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:354:7: note: declared here T * data() const { ^~~~ /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:85:50: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] output_n.data<scalar_t>(), n_); ^ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:5, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:4: /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:354:7: note: declared here T * data() const { ^~~~ /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:87:64: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] modulated_deformable_im2col_cpu(input_n.data<scalar_t>(), ^ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:5, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:4: /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:354:7: note: declared here T * data() const { ^~~~ /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:88:66: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] offset_n.data<scalar_t>(), ^ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:5, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:4: /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:354:7: note: declared here T * data() const { ^~~~ /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:89:64: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] mask_n.data<scalar_t>(), ^ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:5, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:4: /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:354:7: note: declared here T * data() const { ^~~~ /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:94:65: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] columns.data<scalar_t>()); ^ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:5, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:4: /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:354:7: note: declared here T * data() const { ^~~~ /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:102:49: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] columns.data<scalar_t>(), n, ^ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:5, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:4: /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:354:7: note: declared here T * data() const { ^~~~ /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:103:48: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] weight.data<scalar_t>(), k, 1.0f, ^ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:5, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:4: /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:354:7: note: declared here T * data() const { ^~~~ /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:104:50: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] output_n.data<scalar_t>(), n); ^ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:5, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:4: /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:354:7: note: declared here T * data() const { ^~~~ /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp: In function ‘std::vectorat::Tensor dcn_v2_cpu_backward(const at::Tensor&, const at::Tensor&, const at::Tensor&, const at::Tensor&, const at::Tensor&, const at::Tensor&, int, int, int, int, int, int, int, int, int)’: /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:177:55: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] grad_output_n.data<scalar_t>(), n, ^ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:5, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:4: /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:354:7: note: declared here T * data() const { ^~~~ /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:178:48: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] weight.data<scalar_t>(), m, 0.0f, ^ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:5, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:4: /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:354:7: note: declared here T * data() const { ^~~~ /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:179:49: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] columns.data<scalar_t>(), n); ^ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:5, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:4: /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:354:7: note: declared here T * data() const { ^~~~ /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:182:70: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] modulated_deformable_col2im_coord_cpu(columns.data<scalar_t>(), ^ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:5, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:4: /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:354:7: note: declared here T * data() const { ^~~~ /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:183:71: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] input_n.data<scalar_t>(), ^ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:5, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:4: /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:354:7: note: declared here T * data() const { ^~~~ /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:184:72: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] offset_n.data<scalar_t>(), ^ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:5, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:4: /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:354:7: note: declared here T * data() const { ^~~~ /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:185:70: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] mask_n.data<scalar_t>(), ^ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:5, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:4: /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:354:7: note: declared here T * data() const { ^~~~ /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:190:77: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] grad_offset_n.data<scalar_t>(), ^ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:5, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:4: /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:354:7: note: declared here T * data() const { ^~~~ /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:191:75: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] grad_mask_n.data<scalar_t>()); ^ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:5, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:4: /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:354:7: note: declared here T * data() const { ^~~~ /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:193:64: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] modulated_deformable_col2im_cpu(columns.data<scalar_t>(), ^ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:5, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:4: /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:354:7: note: declared here T * data() const { ^~~~ /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:194:66: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] offset_n.data<scalar_t>(), ^ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:5, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:4: /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:354:7: note: declared here T * data() const { ^~~~ /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:195:64: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] mask_n.data<scalar_t>(), ^ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:5, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:4: /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:354:7: note: declared here T * data() const { ^~~~ /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:200:70: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] grad_input_n.data<scalar_t>()); ^ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:5, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:4: /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:354:7: note: declared here T * data() const { ^~~~ /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:203:64: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] modulated_deformable_im2col_cpu(input_n.data<scalar_t>(), ^ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:5, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:4: /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:354:7: note: declared here T * data() const { ^~~~ /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:204:66: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] offset_n.data<scalar_t>(), ^ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:5, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:4: /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:354:7: note: declared here T * data() const { ^~~~ /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:205:64: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] mask_n.data<scalar_t>(), ^ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:5, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:4: /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:354:7: note: declared here T * data() const { ^~~~ /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:210:65: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] columns.data<scalar_t>()); ^ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:5, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:4: /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:354:7: note: declared here T * data() const { ^~~~ /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:217:49: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] columns.data<scalar_t>(), k_, ^ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:5, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:4: /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:354:7: note: declared here T * data() const { ^~~~ /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:218:55: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] grad_output_n.data<scalar_t>(), k_, 1.0f, ^ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:5, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:4: /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:354:7: note: declared here T * data() const { ^~~~ /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:219:53: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] grad_weight.data<scalar_t>(), n_); ^ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:5, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:4: /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:354:7: note: declared here T * data() const { ^~~~ /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:225:55: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] grad_output_n.data<scalar_t>(), k_, ^ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:5, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:4: /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:354:7: note: declared here T * data() const { ^~~~ /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:226:46: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] ones.data<scalar_t>(), 1, 1.0f, ^ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:5, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:4: /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:354:7: note: declared here T * data() const { ^~~~ /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:227:51: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated: Tensor.data() is deprecated. Please use Tensor.data_ptr() instead. [-Wdeprecated-declarations] grad_bias.data<scalar_t>(), 1); ^ In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Context.h:4, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:5, from /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:4: /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:354:7: note: declared here T * data() const { ^~~~ /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:224:9: error: ‘THFloatBlas_gemv’ was not declared in this scope THFloatBlas_gemv('t', k_, m_, 1.0f, ^~~~~~~~~~~~~~~~ /home/risc/ryan/EE354/Project/DEFT/src/lib/model/networks/DCNv2/src/cpu/dcn_v2_cpu.cpp:224:9: note: suggested alternative: ‘THFloatBlas_gemm’ THFloatBlas_gemv('t', k_, m_, 1.0f, ^~~~~~~~~~~~~~~~ THFloatBlas_gemm error: command 'g++' failed with exit status 1 ` <<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<

    Because of these issue I tried to run pip3 install DCNv2 which also gave me a bunch of errors:

    ` Running setup.py install for DCNv2 ... error ERROR: Command errored out with exit status 1: command: /home/risc/ryan/bin/python -u -c 'import sys, setuptools, tokenize; sys.argv[0] = '"'"'/tmp/pip-install-kl1hk0uq/dcnv2_df594c6ccaef48368a15a807878a8429/setup.py'"'"'; file='"'"'/tmp/pip-install-kl1hk0uq/dcnv2_df594c6ccaef48368a15a807878a8429/setup.py'"'"';f=getattr(tokenize, '"'"'open'"'"', open)(file);code=f.read().replace('"'"'\r\n'"'"', '"'"'\n'"'"');f.close();exec(compile(code, file, '"'"'exec'"'"'))' install --record /tmp/pip-record-wg0alf3g/install-record.txt --single-version-externally-managed --compile --install-headers /home/risc/ryan/include/site/python3.6/DCNv2 cwd: /tmp/pip-install-kl1hk0uq/dcnv2_df594c6ccaef48368a15a807878a8429/ Complete output (125 lines): running install running build running build_ext /home/risc/ryan/lib/python3.6/site-packages/torch/utils/cpp_extension.py:335: UserWarning: Attempted to use ninja as the BuildExtension backend but we could not find ninja.. Falling back to using the slow distutils backend. warnings.warn(msg.format('we could not find ninja.')) building '_ext' extension creating build creating build/temp.linux-x86_64-3.6 creating build/temp.linux-x86_64-3.6/tmp creating build/temp.linux-x86_64-3.6/tmp/pip-install-kl1hk0uq creating build/temp.linux-x86_64-3.6/tmp/pip-install-kl1hk0uq/dcnv2_df594c6ccaef48368a15a807878a8429 creating build/temp.linux-x86_64-3.6/tmp/pip-install-kl1hk0uq/dcnv2_df594c6ccaef48368a15a807878a8429/src creating build/temp.linux-x86_64-3.6/tmp/pip-install-kl1hk0uq/dcnv2_df594c6ccaef48368a15a807878a8429/src/cpu creating build/temp.linux-x86_64-3.6/tmp/pip-install-kl1hk0uq/dcnv2_df594c6ccaef48368a15a807878a8429/src/cuda g++ -DNDEBUG -g -fwrapv -O2 -Wall -g -fstack-protector-strong -Wformat -Werror=format-security -Wdate-time -D_FORTIFY_SOURCE=2 -fPIC -DWITH_CUDA -I/tmp/pip-install-kl1hk0uq/dcnv2_df594c6ccaef48368a15a807878a8429/src -I/usr/local/cuda/include/ -I/home/risc/ryan/lib/python3.6/site-packages/torch/include -I/home/risc/ryan/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -I/home/risc/ryan/lib/python3.6/site-packages/torch/include/TH -I/home/risc/ryan/lib/python3.6/site-packages/torch/include/THC -I/home/risc/ryan/include -I/usr/include/python3.6m -c /tmp/pip-install-kl1hk0uq/dcnv2_df594c6ccaef48368a15a807878a8429/src/vision.cpp -o build/temp.linux-x86_64-3.6/tmp/pip-install-kl1hk0uq/dcnv2_df594c6ccaef48368a15a807878a8429/src/vision.o -DTORCH_API_INCLUDE_EXTENSION_H -DTORCH_EXTENSION_NAME=_ext -D_GLIBCXX_USE_CXX11_ABI=0 -std=c++14 In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Parallel.h:149:0, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/utils.h:3, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:5, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/nn.h:3, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/all.h:7, from /home/risc/ryan/lib/python3.6/site-packages/torch/include/torch/extension.h:4, from /tmp/pip-install-kl1hk0uq/dcnv2_df594c6ccaef48368a15a807878a8429/src/cpu/vision.h:2, from /tmp/pip-install-kl1hk0uq/dcnv2_df594c6ccaef48368a15a807878a8429/src/dcn_v2.h:3, from /tmp/pip-install-kl1hk0uq/dcnv2_df594c6ccaef48368a15a807878a8429/src/vision.cpp:2: /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ParallelOpenMP.h:84:0: warning: ignoring #pragma omp parallel [-Wunknown-pragmas] #pragma omp parallel for if ((end - begin) >= grain_size)

    In file included from /tmp/pip-install-kl1hk0uq/dcnv2_df594c6ccaef48368a15a807878a8429/src/vision.cpp:2:0:
    /tmp/pip-install-kl1hk0uq/dcnv2_df594c6ccaef48368a15a807878a8429/src/dcn_v2.h: In function ‘at::Tensor dcn_v2_forward(const at::Tensor&, const at::Tensor&, const at::Tensor&, const at::Tensor&, const at::Tensor&, int, int, int, int, int, int, int, int, int)’:
    /tmp/pip-install-kl1hk0uq/dcnv2_df594c6ccaef48368a15a807878a8429/src/dcn_v2.h:25:20: warning: ‘at::DeprecatedTypeProperties& at::Tensor::type() const’ is deprecated: Tensor.type() is deprecated. Instead use Tensor.options(), which in many cases (e.g. in a constructor) is a drop-in replacement. If you were using data from type(), that is now available from Tensor itself, so instead of tensor.type().scalar_type(), use tensor.scalar_type() instead and instead of tensor.type().backend() use tensor.device(). [-Wdeprecated-declarations]
         if (input.type().is_cuda())
                        ^
    In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0,
                     from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Context.h:4,
                     from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:5,
                     from /home/risc/ryan/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/types.h:3,
                     from /home/risc/ryan/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader_options.h:4,
                     from /home/risc/ryan/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/base.h:3,
                     from /home/risc/ryan/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/stateful.h:3,
                     from /home/risc/ryan/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader.h:3,
                     from /home/risc/ryan/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data.h:3,
                     from /home/risc/ryan/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/all.h:4,
                     from /home/risc/ryan/lib/python3.6/site-packages/torch/include/torch/extension.h:4,
                     from /tmp/pip-install-kl1hk0uq/dcnv2_df594c6ccaef48368a15a807878a8429/src/cpu/vision.h:2,
                     from /tmp/pip-install-kl1hk0uq/dcnv2_df594c6ccaef48368a15a807878a8429/src/dcn_v2.h:3,
                     from /tmp/pip-install-kl1hk0uq/dcnv2_df594c6ccaef48368a15a807878a8429/src/vision.cpp:2:
    /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:268:30: note: declared here
       DeprecatedTypeProperties & type() const {
                                  ^~~~
    In file included from /tmp/pip-install-kl1hk0uq/dcnv2_df594c6ccaef48368a15a807878a8429/src/vision.cpp:2:0:
    /tmp/pip-install-kl1hk0uq/dcnv2_df594c6ccaef48368a15a807878a8429/src/dcn_v2.h: In function ‘std::vector<at::Tensor> dcn_v2_backward(const at::Tensor&, const at::Tensor&, const at::Tensor&, const at::Tensor&, const at::Tensor&, const at::Tensor&, int, int, int, int, int, int, int, int, int)’:
    /tmp/pip-install-kl1hk0uq/dcnv2_df594c6ccaef48368a15a807878a8429/src/dcn_v2.h:54:20: warning: ‘at::DeprecatedTypeProperties& at::Tensor::type() const’ is deprecated: Tensor.type() is deprecated. Instead use Tensor.options(), which in many cases (e.g. in a constructor) is a drop-in replacement. If you were using data from type(), that is now available from Tensor itself, so instead of tensor.type().scalar_type(), use tensor.scalar_type() instead and instead of tensor.type().backend() use tensor.device(). [-Wdeprecated-declarations]
         if (input.type().is_cuda())
                        ^
    In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0,
                     from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Context.h:4,
                     from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:5,
                     from /home/risc/ryan/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/types.h:3,
                     from /home/risc/ryan/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader_options.h:4,
                     from /home/risc/ryan/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/base.h:3,
                     from /home/risc/ryan/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/stateful.h:3,
                     from /home/risc/ryan/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader.h:3,
                     from /home/risc/ryan/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data.h:3,
                     from /home/risc/ryan/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/all.h:4,
                     from /home/risc/ryan/lib/python3.6/site-packages/torch/include/torch/extension.h:4,
                     from /tmp/pip-install-kl1hk0uq/dcnv2_df594c6ccaef48368a15a807878a8429/src/cpu/vision.h:2,
                     from /tmp/pip-install-kl1hk0uq/dcnv2_df594c6ccaef48368a15a807878a8429/src/dcn_v2.h:3,
                     from /tmp/pip-install-kl1hk0uq/dcnv2_df594c6ccaef48368a15a807878a8429/src/vision.cpp:2:
    /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:268:30: note: declared here
       DeprecatedTypeProperties & type() const {
                                  ^~~~
    In file included from /tmp/pip-install-kl1hk0uq/dcnv2_df594c6ccaef48368a15a807878a8429/src/vision.cpp:2:0:
    /tmp/pip-install-kl1hk0uq/dcnv2_df594c6ccaef48368a15a807878a8429/src/dcn_v2.h: In function ‘std::tuple<at::Tensor, at::Tensor> dcn_v2_psroi_pooling_forward(const at::Tensor&, const at::Tensor&, const at::Tensor&, int, float, int, int, int, int, int, float)’:
    /tmp/pip-install-kl1hk0uq/dcnv2_df594c6ccaef48368a15a807878a8429/src/dcn_v2.h:88:20: warning: ‘at::DeprecatedTypeProperties& at::Tensor::type() const’ is deprecated: Tensor.type() is deprecated. Instead use Tensor.options(), which in many cases (e.g. in a constructor) is a drop-in replacement. If you were using data from type(), that is now available from Tensor itself, so instead of tensor.type().scalar_type(), use tensor.scalar_type() instead and instead of tensor.type().backend() use tensor.device(). [-Wdeprecated-declarations]
         if (input.type().is_cuda())
                        ^
    In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0,
                     from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Context.h:4,
                     from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:5,
                     from /home/risc/ryan/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/types.h:3,
                     from /home/risc/ryan/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader_options.h:4,
                     from /home/risc/ryan/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/base.h:3,
                     from /home/risc/ryan/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/stateful.h:3,
                     from /home/risc/ryan/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader.h:3,
                     from /home/risc/ryan/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data.h:3,
                     from /home/risc/ryan/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/all.h:4,
                     from /home/risc/ryan/lib/python3.6/site-packages/torch/include/torch/extension.h:4,
                     from /tmp/pip-install-kl1hk0uq/dcnv2_df594c6ccaef48368a15a807878a8429/src/cpu/vision.h:2,
                     from /tmp/pip-install-kl1hk0uq/dcnv2_df594c6ccaef48368a15a807878a8429/src/dcn_v2.h:3,
                     from /tmp/pip-install-kl1hk0uq/dcnv2_df594c6ccaef48368a15a807878a8429/src/vision.cpp:2:
    /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:268:30: note: declared here
       DeprecatedTypeProperties & type() const {
                                  ^~~~
    In file included from /tmp/pip-install-kl1hk0uq/dcnv2_df594c6ccaef48368a15a807878a8429/src/vision.cpp:2:0:
    /tmp/pip-install-kl1hk0uq/dcnv2_df594c6ccaef48368a15a807878a8429/src/dcn_v2.h: In function ‘std::tuple<at::Tensor, at::Tensor> dcn_v2_psroi_pooling_backward(const at::Tensor&, const at::Tensor&, const at::Tensor&, const at::Tensor&, const at::Tensor&, int, float, int, int, int, int, int, float)’:
    /tmp/pip-install-kl1hk0uq/dcnv2_df594c6ccaef48368a15a807878a8429/src/dcn_v2.h:124:20: warning: ‘at::DeprecatedTypeProperties& at::Tensor::type() const’ is deprecated: Tensor.type() is deprecated. Instead use Tensor.options(), which in many cases (e.g. in a constructor) is a drop-in replacement. If you were using data from type(), that is now available from Tensor itself, so instead of tensor.type().scalar_type(), use tensor.scalar_type() instead and instead of tensor.type().backend() use tensor.device(). [-Wdeprecated-declarations]
         if (input.type().is_cuda())
                        ^
    In file included from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Tensor.h:3:0,
                     from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/Context.h:4,
                     from /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/ATen.h:5,
                     from /home/risc/ryan/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/types.h:3,
                     from /home/risc/ryan/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader_options.h:4,
                     from /home/risc/ryan/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/base.h:3,
                     from /home/risc/ryan/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/stateful.h:3,
                     from /home/risc/ryan/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader.h:3,
                     from /home/risc/ryan/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data.h:3,
                     from /home/risc/ryan/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/all.h:4,
                     from /home/risc/ryan/lib/python3.6/site-packages/torch/include/torch/extension.h:4,
                     from /tmp/pip-install-kl1hk0uq/dcnv2_df594c6ccaef48368a15a807878a8429/src/cpu/vision.h:2,
                     from /tmp/pip-install-kl1hk0uq/dcnv2_df594c6ccaef48368a15a807878a8429/src/dcn_v2.h:3,
                     from /tmp/pip-install-kl1hk0uq/dcnv2_df594c6ccaef48368a15a807878a8429/src/vision.cpp:2:
    /home/risc/ryan/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:268:30: note: declared here
       DeprecatedTypeProperties & type() const {
                                  ^~~~
    g++ -DNDEBUG -g -fwrapv -O2 -Wall -g -fstack-protector-strong -Wformat -Werror=format-security -Wdate-time -D_FORTIFY_SOURCE=2 -fPIC -DWITH_CUDA -I/tmp/pip-install-kl1hk0uq/dcnv2_df594c6ccaef48368a15a807878a8429/src -I/usr/local/cuda/include/ -I/home/risc/ryan/lib/python3.6/site-packages/torch/include -I/home/risc/ryan/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -I/home/risc/ryan/lib/python3.6/site-packages/torch/include/TH -I/home/risc/ryan/lib/python3.6/site-packages/torch/include/THC -I/home/risc/ryan/include -I/usr/include/python3.6m -c /tmp/pip-install-kl1hk0uq/dcnv2_df594c6ccaef48368a15a807878a8429/src/cpu/dcn_v2_cpu.cpp -o build/temp.linux-x86_64-3.6/tmp/pip-install-kl1hk0uq/dcnv2_df594c6ccaef48368a15a807878a8429/src/cpu/dcn_v2_cpu.o -DTORCH_API_INCLUDE_EXTENSION_H -DTORCH_EXTENSION_NAME=_ext -D_GLIBCXX_USE_CXX11_ABI=0 -std=c++14
    /usr/bin/nvcc -DWITH_CUDA -I/tmp/pip-install-kl1hk0uq/dcnv2_df594c6ccaef48368a15a807878a8429/src -I/usr/local/cuda/include/ -I/home/risc/ryan/lib/python3.6/site-packages/torch/include -I/home/risc/ryan/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -I/home/risc/ryan/lib/python3.6/site-packages/torch/include/TH -I/home/risc/ryan/lib/python3.6/site-packages/torch/include/THC -I/home/risc/ryan/include -I/usr/include/python3.6m -c /tmp/pip-install-kl1hk0uq/dcnv2_df594c6ccaef48368a15a807878a8429/src/cuda/dcn_v2_cuda.cu -o build/temp.linux-x86_64-3.6/tmp/pip-install-kl1hk0uq/dcnv2_df594c6ccaef48368a15a807878a8429/src/cuda/dcn_v2_cuda.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options '-fPIC' -DCUDA_HAS_FP16=1 -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ -DTORCH_API_INCLUDE_EXTENSION_H -DTORCH_EXTENSION_NAME=_ext -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_61,code=sm_61 -std=c++14
    /tmp/pip-install-kl1hk0uq/dcnv2_df594c6ccaef48368a15a807878a8429/src/cuda/dcn_v2_cuda.cu(86): error: identifier "THCState_getCurrentStream" is undefined
    
    /tmp/pip-install-kl1hk0uq/dcnv2_df594c6ccaef48368a15a807878a8429/src/cuda/dcn_v2_cuda.cu(182): error: identifier "THCState_getCurrentStream" is undefined
    
    /tmp/pip-install-kl1hk0uq/dcnv2_df594c6ccaef48368a15a807878a8429/src/cuda/dcn_v2_cuda.cu(227): error: identifier "THCudaBlas_Sgemv" is undefined
    
    3 errors detected in the compilation of "/tmp/tmpxft_000073a2_00000000-6_dcn_v2_cuda.cpp1.ii".
    error: command '/usr/bin/nvcc' failed with exit status 1
    ----------------------------------------
    

    ERROR: Command errored out with exit status 1: /home/risc/ryan/bin/python -u -c 'import sys, setuptools, tokenize; sys.argv[0] = '"'"'/tmp/pip-install-kl1hk0uq/dcnv2_df594c6ccaef48368a15a807878a8429/setup.py'"'"'; file='"'"'/tmp/pip-install-kl1hk0uq/dcnv2_df594c6ccaef48368a15a807878a8429/setup.py'"'"';f=getattr(tokenize, '"'"'open'"'"', open)(file);code=f.read().replace('"'"'\r\n'"'"', '"'"'\n'"'"');f.close();exec(compile(code, file, '"'"'exec'"'"'))' install --record /tmp/pip-record-wg0alf3g/install-record.txt --single-version-externally-managed --compile --install-headers /home/risc/ryan/include/site/python3.6/DCNv2 Check the logs for full command output. ` <<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<<

    After searching online, my "shot-in-the-dark" answer leads me to believe that my Cuda (v9.1) and gcc (v7.5.0) are incompatible with each other. Is there a specific version of cuda that needs to be used?

    Thanks

    opened by ryanmaxwell96 1
  • Can't train Custom dataset. Says RecursionError: Max Recursion Depth Exceeded

    Can't train Custom dataset. Says RecursionError: Max Recursion Depth Exceeded

    Hi @MedChaabane , first of all great work with this repository. Have tested on other videos and found the results to be quiet good. However, to improve the results for the kind of scenarios that i plan to use this for, have been trying to train the LSTM based 2D tracker on my custom dataset following the process similar to training for kitti dataset. I get a recursion error in the trajectory_dataset.py script. Have attached a screenshot below for reference. There was a similar issue raised previously, where the solution was to manually give the "--num_classes" parameter. Tried that, but still facing the same issue. Let me know if anyone has any fix or solution for this. Screenshot from 2022-09-15 16-05-49

    opened by surajs52 1
  • RuntimeError: cuDNN error: CUDNN_STATUS_MAPPING_ERROR

    RuntimeError: cuDNN error: CUDNN_STATUS_MAPPING_ERROR

    Dear author, I got this bug when running test.py. I've tried to update cudnn anh pytorch but it didn't work. Can you give me a solution for this? Thanks a lot. Cuong

    opened by cuonga1cvp 1
  • About the trajectory_dataset.

    About the trajectory_dataset.

    Hi, The length of the trajectory samples in the training set does not seem to be 10 as stated in the paper, but rather 9,10,11. Is this the reason why dataloader sets batchsize to 1?

    opened by xiaocc612 0
  • AttributeError: 'ModleWithLoss' object has no attribute 's_det'

    AttributeError: 'ModleWithLoss' object has no attribute 's_det'

    I am very interested in this work, I would like to reproduce it, but can you help me, I can run test.py file, but when I want to train yes, run train.py file will report an error, prompt as follows: yesyes /opt/conda/conda-bld/pytorch_1565272279342/work/aten/src/ATen/native/IndexingUtils.h:20: UserWarning: indexing with dtype torch.uint8 is now deprecated, please use a dtype torch.bool instead. /opt/conda/conda-bld/pytorch_1565272279342/work/aten/src/ATen/native/IndexingUtils.h:20: UserWarning: indexing with dtype torch.uint8 is now deprecated, please use a dtype torch.bool instead. /opt/conda/conda-bld/pytorch_1565272279342/work/aten/src/ATen/native/IndexingUtils.h:20: UserWarning: indexing with dtype torch.uint8 is now deprecated, please use a dtype torch.bool instead. /opt/conda/conda-bld/pytorch_1565272279342/work/aten/src/ATen/native/IndexingUtils.h:20: UserWarning: indexing with dtype torch.uint8 is now deprecated, please use a dtype torch.bool instead. Traceback (most recent call last): File "train.py", line 133, in main(opt) File "train.py", line 92, in main log_dict_train, _ = trainer.train(epoch, train_loader) File "/home/buu/Yan/DEFT/src/lib/trainer.py", line 486, in train return self.run_epoch("train", epoch, data_loader) File "/home/buu/Yan/DEFT/src/lib/trainer.py", line 246, in run_epoch output, loss, loss_stats = model_with_loss(batch) File "/home/buu/anaconda3/envs/DEFT/lib/python3.6/site-packages/torch/nn/modules/module.py", line 547, in call result = self.forward(*input, **kwargs) File "/home/buu/Yan/DEFT/src/lib/trainer.py", line 192, in forward loss_stats["tot"] = torch.exp(-self.s_det) * loss_stats["tot"] + torch.exp(-self.s_id) * loss_matching + (self.s_det + self.s_id) File "/home/buu/anaconda3/envs/DEFT/lib/python3.6/site-packages/torch/nn/modules/module.py", line 591, in getattr type(self).name, name)) AttributeError: 'ModleWithLoss' object has no attribute 's_det'

    opened by yan1617262965 3
  • Full metrics on nuScenes validation split

    Full metrics on nuScenes validation split

    Hi, Thanks for your work.

    I am wondering if there is a full metrics on nuScenes validation split (Tracking).

    I read your paper, and checked some of the issues, didn't find an offcially released full metrics on nuScenes validation split.

    Thanks,

    opened by a1600012888 0
Owner
Mohamed Chaabane
PhD Student, Computer Science @ Colorado State University with a deep interest in Deep learning, Machine Learning and Computer Vision.
Mohamed Chaabane
Official PyTorch implementation of Joint Object Detection and Multi-Object Tracking with Graph Neural Networks

This is the official PyTorch implementation of our paper: "Joint Object Detection and Multi-Object Tracking with Graph Neural Networks". Our project website and video demos are here.

Richard Wang 443 Dec 6, 2022
Drone-based Joint Density Map Estimation, Localization and Tracking with Space-Time Multi-Scale Attention Network

DroneCrowd Paper Detection, Tracking, and Counting Meets Drones in Crowds: A Benchmark. Introduction This paper proposes a space-time multi-scale atte

VisDrone 98 Nov 16, 2022
SMPL-X: A new joint 3D model of the human body, face and hands together

SMPL-X: A new joint 3D model of the human body, face and hands together [Paper Page] [Paper] [Supp. Mat.] Table of Contents License Description News I

Vassilis Choutas 1k Jan 9, 2023
[EMNLP 2021] Distantly-Supervised Named Entity Recognition with Noise-Robust Learning and Language Model Augmented Self-Training

RoSTER The source code used for Distantly-Supervised Named Entity Recognition with Noise-Robust Learning and Language Model Augmented Self-Training, p

Yu Meng 60 Dec 30, 2022
Chinese clinical named entity recognition using pre-trained BERT model

Chinese clinical named entity recognition (CNER) using pre-trained BERT model Introduction Code for paper Chinese clinical named entity recognition wi

Xiangyang Li 109 Dec 14, 2022
Open source code for Paper "A Co-Interactive Transformer for Joint Slot Filling and Intent Detection"

A Co-Interactive Transformer for Joint Slot Filling and Intent Detection This repository contains the PyTorch implementation of the paper: A Co-Intera

null 67 Dec 5, 2022
Joint deep network for feature line detection and description

SOLD² - Self-supervised Occlusion-aware Line Description and Detection This repository contains the implementation of the paper: SOLD² : Self-supervis

Computer Vision and Geometry Lab 427 Dec 27, 2022
This is the official implementation of 3D-CVF: Generating Joint Camera and LiDAR Features Using Cross-View Spatial Feature Fusion for 3D Object Detection, built on SECOND.

3D-CVF This is the official implementation of 3D-CVF: Generating Joint Camera and LiDAR Features Using Cross-View Spatial Feature Fusion for 3D Object

YecheolKim 97 Dec 20, 2022
joint detection and semantic segmentation, based on ultralytics/yolov5,

Multi YOLO V5——Detection and Semantic Segmentation Overeview This is my undergraduate graduation project which based on ultralytics YOLO V5 tag v5.0.

null 477 Jan 6, 2023
Pytorch implementation of "Attention-Based Recurrent Neural Network Models for Joint Intent Detection and Slot Filling"

RNN-for-Joint-NLU Pytorch implementation of "Attention-Based Recurrent Neural Network Models for Joint Intent Detection and Slot Filling"

Kim SungDong 194 Dec 28, 2022
Joint Detection and Identification Feature Learning for Person Search

Person Search Project This repository hosts the code for our paper Joint Detection and Identification Feature Learning for Person Search. The code is

null 712 Dec 17, 2022
Code for HLA-Face: Joint High-Low Adaptation for Low Light Face Detection (CVPR21)

HLA-Face: Joint High-Low Adaptation for Low Light Face Detection The official PyTorch implementation for HLA-Face: Joint High-Low Adaptation for Low L

Wenjing Wang 77 Dec 8, 2022
Cancer-and-Tumor-Detection-Using-Inception-model - In this repo i am gonna show you how i did cancer/tumor detection in lungs using deep neural networks, specifically here the Inception model by google.

Cancer-and-Tumor-Detection-Using-Inception-model In this repo i am gonna show you how i did cancer/tumor detection in lungs using deep neural networks

Deepak Nandwani 1 Jan 1, 2022
A framework for joint super-resolution and image synthesis, without requiring real training data

SynthSR This repository contains code to train a Convolutional Neural Network (CNN) for Super-resolution (SR), or joint SR and data synthesis. The met

null 83 Jan 1, 2023
git《Joint Entity and Relation Extraction with Set Prediction Networks》(2020) GitHub:

Joint Entity and Relation Extraction with Set Prediction Networks Source code for Joint Entity and Relation Extraction with Set Prediction Networks. W

null 130 Dec 13, 2022
《Where am I looking at? Joint Location and Orientation Estimation by Cross-View Matching》(CVPR 2020)

This contains the codes for cross-view geo-localization method described in: Where am I looking at? Joint Location and Orientation Estimation by Cross-View Matching, CVPR2020.

null 41 Oct 27, 2022
Code for "Single-view robot pose and joint angle estimation via render & compare", CVPR 2021 (Oral).

Single-view robot pose and joint angle estimation via render & compare Yann Labbé, Justin Carpentier, Mathieu Aubry, Josef Sivic CVPR: Conference on C

Yann Labbé 51 Oct 14, 2022
Framework for joint representation learning, evaluation through multimodal registration and comparison with image translation based approaches

CoMIR: Contrastive Multimodal Image Representation for Registration Framework ?? Registration of images in different modalities with Deep Learning ??

Methods for Image Data Analysis - MIDA 55 Dec 9, 2022
Joint Learning of 3D Shape Retrieval and Deformation, CVPR 2021

Joint Learning of 3D Shape Retrieval and Deformation Joint Learning of 3D Shape Retrieval and Deformation Mikaela Angelina Uy, Vladimir G. Kim, Minhyu

Mikaela Uy 38 Oct 18, 2022