Giter Site home page Giter Site logo

facebookresearch / detectron2 Goto Github PK

View Code? Open in Web Editor NEW
28.9K 384.0 7.3K 6.52 MB

Detectron2 is a platform for object detection, segmentation and other visual recognition tasks.

Home Page: https://detectron2.readthedocs.io/en/latest/

License: Apache License 2.0

Shell 0.41% Python 94.00% C++ 2.27% Cuda 3.21% Dockerfile 0.09% CMake 0.02%

detectron2's Introduction

Support Ukraine - Help Provide Humanitarian Aid to Ukraine.

Detectron2 is Facebook AI Research's next generation library that provides state-of-the-art detection and segmentation algorithms. It is the successor of Detectron and maskrcnn-benchmark. It supports a number of computer vision research projects and production applications in Facebook.


Learn More about Detectron2

Explain Like I’m 5: Detectron2 Using Machine Learning with Detectron2
Explain Like I’m 5: Detectron2 Using Machine Learning with Detectron2

What's New

  • Includes new capabilities such as panoptic segmentation, Densepose, Cascade R-CNN, rotated bounding boxes, PointRend, DeepLab, ViTDet, MViTv2 etc.
  • Used as a library to support building research projects on top of it.
  • Models can be exported to TorchScript format or Caffe2 format for deployment.
  • It trains much faster.

See our blog post to see more demos and learn about detectron2.

Installation

See installation instructions.

Getting Started

See Getting Started with Detectron2, and the Colab Notebook to learn about basic usage.

Learn more at our documentation. And see projects/ for some projects that are built on top of detectron2.

Model Zoo and Baselines

We provide a large set of baseline results and trained models available for download in the Detectron2 Model Zoo.

License

Detectron2 is released under the Apache 2.0 license.

Citing Detectron2

If you use Detectron2 in your research or wish to refer to the baseline results published in the Model Zoo, please use the following BibTeX entry.

@misc{wu2019detectron2,
  author =       {Yuxin Wu and Alexander Kirillov and Francisco Massa and
                  Wan-Yen Lo and Ross Girshick},
  title =        {Detectron2},
  howpublished = {\url{https://github.com/facebookresearch/detectron2}},
  year =         {2019}
}

detectron2's People

Contributors

alexander-kirillov avatar angelayi avatar apivovarov avatar bowenc0221 avatar bryant1410 avatar chenbohua3 avatar chengyangfu avatar hannamao avatar jonmorton avatar jss367 avatar kondela avatar lyttonhao avatar marcszafraniec avatar maxfrei750 avatar mrparosk avatar newstzpz avatar patricklabatut avatar ppwwyyxx avatar r-barnes avatar raymondcm avatar rbgirshick avatar sampepose avatar stephenyan1231 avatar superirabbit avatar theschnitz avatar tkhe avatar vkhalidov avatar wangg12 avatar wat3rbro avatar wenliangzhao2018 avatar

Stargazers

 avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar

Watchers

 avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar

detectron2's Issues

ModuleNotFoundError: No module named 'torchvision.ops'

python demo/demo.py --config-file configs/COCO-InstanceSegmentation/mask_rcnn_R_50_FPN_3x.yaml --input ./images/16004479832_a748d55f21_k.jpg ./images/pose.jpg --opts MODEL.WEIGHTS detectron2://COCO-InstanceSegmentation/mask_rcnn_R_50_FPN_3x/137849600/model_final_f10217.pkl


pytorch 1.3
torchvision 0.2.2

Threshold for object detection

I used Google Colab tutorial, changed instance segmentation model to object detection like this:

cfg = get_cfg()
cfg.merge_from_file("./detectron2_repo/configs/COCO-Detection/retinanet_R_101_FPN_3x.yaml")
cfg.MODEL.ROI_HEADS.SCORE_THRESH_TEST = 0.5  # set threshold for this model
# Find a model from detectron2's model zoo. You can either use the https://dl.fbaipublicfiles.... url, or use the following shorthand
cfg.MODEL.WEIGHTS = "detectron2://COCO-Detection/retinanet_R_101_FPN_3x/138363263/model_final_59f53c.pkl"
predictor = DefaultPredictor(cfg)
outputs = predictor(im)

As you can see cfg.MODEL.ROI_HEADS.SCORE_THRESH_TEST = 0.5 but threshold doesn't work:

image

Am I doing something wrong? Thanks.

onnx model exportable support

Since onnx provides almost all ops needs by maskrcnn, it would be great if model can exported to onnx and would be benefit more from TensorRT acceleration for these large models.

hi

🚀 Feature

Motivation

Pitch

Example for rotated faster rcnn

Thanks for great work, i have a question, how can i set config file to detect oriention target in faster rcnn or other network?

Kernel not compiled with GPU support

❓ Questions and Help

General questions about detectron2.

Hi, when train models with detectron2, the encountered error is shown below:

RuntimeError: Not compiled with GPU support (ROIAlign_forward at /mnt/lustre/liang1/project/detectron2/detectron2/layers/csrc/ROIAlign/ROIAlign.h:71)

I have install detectron2 with python setup.py build develop, will it compile only with CPU by default? thx.

how to use dockerfile

there has some problems when i use dockerfile to run it

AssertionError:
Found no NVIDIA driver on your system. Please check that you
have an NVIDIA GPU and installed a driver from

but i have installed a driver,and the version is 430.26

Saving a trained model for inference

I used Detectron2 to train a custom object detection model using faster_rcnn_R_50_C4_3x. While I am trying to save the trained model using torch.save or dump in using pickle, I am getting the following error:

AttributeError                            Traceback (most recent call last)
<ipython-input-17-e3c685b650c8> in <module>()
      2 
      3 filehandler = open("hand_detection_faster_rcnn_R_50_C4_3x.pb.pkl", "wb")
----> 4 pickle.dump(predictor, filehandler)
      5 filehandler.close()

AttributeError: Can't pickle local object 'GeneralizedRCNN.__init__.<locals>.<lambda>'

How should I save the detectron2 predictor as a pytorch model for inference?

Pytorch1.3?

The official pytorch version is "1.2". How to install the v1.3-one?

Is RTX support provided in this version?

❓ Questions and Help

Hello!

I have been using Detectron for a while and when I switched out the dual 1070s in our server machine to dual 2080Tis Detectron threw an unexpected error and I found people facing the same issue in the Issues section of Detectron on GitHub. I would like to experiment with Detectron2 but if RTX support is still unavailable I'll just rather stick to my solution using GTX cards. Has anyone tried RTX cards?

Thanks in advance,
Alex

LVIS Training fails to find ROIAlign_forward_cuda

When training an LVIS model out of the box on a single GPU, training begins and then immediately fails with error RuntimeError: CUDA error: invalid device function (ROIAlign_forward_cuda at /pasteur/u/jwhughes/detectron2/detectron2/layers/csrc/ROIAlign/ROIAlign_cuda.cu:359). I suspect this is not an issue with my system, as I've replicated the same error on two different clusters and I believe I am following the installation instructions exactly.

To Reproduce

I made no changes to the code. I run the command: python tools/train_net.py --num-gpus 1 --config-file configs/LVIS-InstanceSegmentation/mask_rcnn_R_101_FPN_1x.yaml SOLVER.IMS_PER_BATCH 8 OUTPUT_DIR ./output/test. (The error persists when batch size is set to 1).

I get the following error:

[10/14 13:15:26 d2.engine.train_loop]: Starting training from iteration 0                                                                                                    [2/1895]
[10/14 13:15:28 d2.engine.hooks]: Total training time: 0:00:01 (0:00:00 on hooks)
Traceback (most recent call last):
  File "tools/train_net.py", line 161, in <module>
    args=(args,),
  File "/sailhome/jwhughes/miniconda3/envs/pytorch/lib/python3.7/site-packages/detectron2/engine/launch.py", line 52, in launch
    main_func(*args)
  File "tools/train_net.py", line 149, in main
    return trainer.train()
  File "/sailhome/jwhughes/miniconda3/envs/pytorch/lib/python3.7/site-packages/detectron2/engine/defaults.py", line 329, in train
    super().train(self.start_iter, self.max_iter)
  File "/sailhome/jwhughes/miniconda3/envs/pytorch/lib/python3.7/site-packages/detectron2/engine/train_loop.py", line 132, in train
    self.run_step()
  File "/sailhome/jwhughes/miniconda3/envs/pytorch/lib/python3.7/site-packages/detectron2/engine/train_loop.py", line 212, in run_step
    loss_dict = self.model(data)
  File "/sailhome/jwhughes/miniconda3/envs/pytorch/lib/python3.7/site-packages/torch/nn/modules/module.py", line 541, in __call__
    result = self.forward(*input, **kwargs)
  File "/sailhome/jwhughes/miniconda3/envs/pytorch/lib/python3.7/site-packages/detectron2/modeling/meta_arch/rcnn.py", line 88, in forward
    _, detector_losses = self.roi_heads(images, features, proposals, gt_instances)
  File "/sailhome/jwhughes/miniconda3/envs/pytorch/lib/python3.7/site-packages/torch/nn/modules/module.py", line 541, in __call__
    result = self.forward(*input, **kwargs)
  File "/sailhome/jwhughes/miniconda3/envs/pytorch/lib/python3.7/site-packages/detectron2/modeling/roi_heads/roi_heads.py", line 535, in forward
    losses = self._forward_box(features_list, proposals)
  File "/sailhome/jwhughes/miniconda3/envs/pytorch/lib/python3.7/site-packages/detectron2/modeling/roi_heads/roi_heads.py", line 589, in _forward_box
    box_features = self.box_pooler(features, [x.proposal_boxes for x in proposals])
  File "/sailhome/jwhughes/miniconda3/envs/pytorch/lib/python3.7/site-packages/torch/nn/modules/module.py", line 541, in __call__
    result = self.forward(*input, **kwargs)
  File "/sailhome/jwhughes/miniconda3/envs/pytorch/lib/python3.7/site-packages/detectron2/modeling/poolers.py", line 195, in forward
    output[inds] = pooler(x_level, pooler_fmt_boxes_level)
  File "/sailhome/jwhughes/miniconda3/envs/pytorch/lib/python3.7/site-packages/torch/nn/modules/module.py", line 541, in __call__
    result = self.forward(*input, **kwargs)
  File "/sailhome/jwhughes/miniconda3/envs/pytorch/lib/python3.7/site-packages/detectron2/layers/roi_align.py", line 95, in forward
    input, rois, self.output_size, self.spatial_scale, self.sampling_ratio, self.aligned
  File "/sailhome/jwhughes/miniconda3/envs/pytorch/lib/python3.7/site-packages/detectron2/layers/roi_align.py", line 20, in forward
    input, roi, spatial_scale, output_size[0], output_size[1], sampling_ratio, aligned
RuntimeError: CUDA error: invalid device function (ROIAlign_forward_cuda at /pasteur/u/jwhughes/detectron2/detectron2/layers/csrc/ROIAlign/ROIAlign_cuda.cu:359)
frame #0: c10::Error::Error(c10::SourceLocation, std::string const&) + 0x47 (0x7f6a9111d687 in /sailhome/jwhughes/miniconda3/envs/pytorch/lib/python3.7/site-packages/torch/lib/libc$0.so)
frame #1: ROIAlign_forward_cuda(at::Tensor const&, at::Tensor const&, float, int, int, int, bool) + 0xa37 (0x7f6a6e389ff3 in /sailhome/jwhughes/miniconda3/envs/pytorch/lib/python3.$/site-packages/detectron2/_C.cpython-37m-x86_64-linux-gnu.so)
frame #2: ROIAlign_forward(at::Tensor const&, at::Tensor const&, float, int, int, int, bool) + 0xbc (0x7f6a6e33201c in /sailhome/jwhughes/miniconda3/envs/pytorch/lib/python3.7/site$packages/detectron2/_C.cpython-37m-x86_64-linux-gnu.so)
frame #3: <unknown function> + 0x5967a (0x7f6a6e34367a in /sailhome/jwhughes/miniconda3/envs/pytorch/lib/python3.7/site-packages/detectron2/_C.cpython-37m-x86_64-linux-gnu.so)
frame #4: <unknown function> + 0x5977e (0x7f6a6e34377e in /sailhome/jwhughes/miniconda3/envs/pytorch/lib/python3.7/site-packages/detectron2/_C.cpython-37m-x86_64-linux-gnu.so)
frame #5: <unknown function> + 0x53d00 (0x7f6a6e33dd00 in /sailhome/jwhughes/miniconda3/envs/pytorch/lib/python3.7/site-packages/detectron2/_C.cpython-37m-x86_64-linux-gnu.so)
<omitting python frames>
frame #10: THPFunction_apply(_object*, _object*) + 0x8d6 (0x7f6ac514ae96 in /sailhome/jwhughes/miniconda3/envs/pytorch/lib/python3.7/site-packages/torch/lib/libtorch_python.so)

Environment

---------------------  --------------------------------------------------
Python                 3.7.4 (default, Aug 13 2019, 20:35:49) [GCC 7.3.0]
Detectron2 Compiler    GCC 5.4
DETECTRON2_ENV_MODULE  <not set>
PyTorch                1.3.0
PyTorch Debug Build    False
CUDA available         True
GPU 0                  TITAN RTX
Pillow                 6.2.0
cv2                    4.1.0
---------------------  --------------------------------------------------
PyTorch built with:
  - GCC 7.3
  - Intel(R) Math Kernel Library Version 2019.0.4 Product Build 20190411 for Intel(R) 64 architecture applications
  - Intel(R) MKL-DNN v0.20.5 (Git Hash 0125f28c61c1f822fd48570b4c1066f96fcb9b2e)
  - OpenMP 201511 (a.k.a. OpenMP 4.5)
  - NNPACK is enabled
  - CUDA Runtime 10.1
  - NVCC architecture flags: -gencode;arch=compute_35,code=sm_35;-gencode;arch=compute_50,code=sm_50;-gencode;arch=compute_60,code=sm_60;-gencode;arch=compute_61,code=sm_61;-gencode;arch=compute_70,code=sm_70;-gencode;arch=compute_75,code=sm_75;-gencode;arch=compute_50,code=compute_50
  - CuDNN 7.6.3
  - Magma 2.5.1
  - Build settings: BLAS=MKL, BUILD_NAMEDTENSOR=OFF, BUILD_TYPE=Release, CXX_FLAGS= -Wno-deprecated -fvisibility-inlines-hidden -fopenmp -DUSE_FBGEMM -DUSE_QNNPACK -DUSE_PYTORCH_QNNPACK -O2 -fPIC -Wno-narrowing -Wall -Wextra -Wno-missing-field-initializers -Wno-type-limits -Wno-array-bounds -Wno-unknown-pragmas -Wno-sign-compare -Wno-unused-parameter -Wno-unused-variable -Wno-unused-function -Wno-unused-result -Wno-strict-overflow -Wno-strict-aliasing -Wno-error=deprecated-declarations -Wno-stringop-overflow -Wno-error=pedantic -Wno-error=redundant-decls -Wno-error=old-style-cast -fdiagnostics-color=always -faligned-new -Wno-unused-but-set-variable -Wno-maybe-uninitialized -fno-math-errno -fno-trapping-math -Wno-stringop-overflow, DISABLE_NUMA=1, PERF_WITH_AVX=1, PERF_WITH_AVX2=1, PERF_WITH_AVX512=1, USE_CUDA=True, USE_EXCEPTION_PTR=1, USE_GFLAGS=OFF, USE_GLOG=OFF, USE_MKL=ON, USE_MKLDNN=ON, USE_MPI=OFF, USE_NCCL=ON, USE_NNPACK=ON, USE_OPENMP=ON, USE_STATIC_DISPATCH=OFF, 

CUDNN_STATUS_NOT_SUPPORTED. This error may appear if you passed in a non-contiguous input

When I started to train cascade-RCNN, I got the error above... Is something I set is wrong ?

Here is my config setting:

(Base-RCNN-FPN.yaml):
MODEL:
META_ARCHITECTURE: "GeneralizedRCNN"
BACKBONE:
NAME: "build_resnet_fpn_backbone"
RESNETS:
OUT_FEATURES: ["res2", "res3", "res4", "res5"]
FPN:
IN_FEATURES: ["res2", "res3", "res4", "res5"]
ANCHOR_GENERATOR:
SIZES: [[32], [64], [128], [256], [512]] # One size for each in feature map
ASPECT_RATIOS: [[0.5, 1.0, 2.0]] # Three aspect ratios (same for all in feature maps)
RPN:
IN_FEATURES: ["p2", "p3", "p4", "p5", "p6"]
PRE_NMS_TOPK_TRAIN: 2000 # Per FPN level
PRE_NMS_TOPK_TEST: 1000 # Per FPN level
# Detectron1 uses 2000 proposals per-batch,
# (See "modeling/rpn/rpn_outputs.py" for details of this legacy issue)
# which is approximately 1000 proposals per-image since the default batch size for FPN is 2.
POST_NMS_TOPK_TRAIN: 1000
POST_NMS_TOPK_TEST: 1000
ROI_HEADS:
NAME: "StandardROIHeads"
IN_FEATURES: ["p2", "p3", "p4", "p5"]
ROI_BOX_HEAD:
NAME: "FastRCNNConvFCHead"
NUM_FC: 2
POOLER_RESOLUTION: 7
ROI_MASK_HEAD:
NAME: "MaskRCNNConvUpsampleHead"
NUM_CONV: 4
POOLER_RESOLUTION: 14
DATASETS:
TRAIN: ("voc_2007_trainval",)
TEST: ("voc_2007_minitest",)
SOLVER:
IMS_PER_BATCH: 4 #16
BASE_LR: 0.005 #0.02
STEPS: (60000, 80000)
MAX_ITER: 90000
INPUT:
MIN_SIZE_TRAIN: (640, 672, 704, 736, 768, 800)

(cascade_mask_rcnn_X_152_32x8d_FPN_IN5k_gn_dconv.yaml):
BASE: "../Base-RCNN-FPN.yaml"
VERSION: 2
MODEL:
MASK_ON: False #True
WEIGHTS: "catalog://ImageNetPretrained/FAIR/X-152-32x8d-IN5k"
RESNETS:
STRIDE_IN_1X1: False # this is a C2 model
NUM_GROUPS: 32
WIDTH_PER_GROUP: 8
DEPTH: 152
DEFORM_ON_PER_STAGE: [False, True, True, True]
ROI_HEADS:
NAME: "CascadeROIHeads"
NUM_CLASSES: 26
ROI_BOX_HEAD:
NAME: "FastRCNNConvFCHead"
NUM_CONV: 4
NUM_FC: 1
NORM: "GN"
CLS_AGNOSTIC_BBOX_REG: True
ROI_MASK_HEAD:
NUM_CONV: 8
NORM: "GN"
RPN:
POST_NMS_TOPK_TRAIN: 2000
SOLVER:
IMS_PER_BATCH: 128
STEPS: (35000, 45000)
MAX_ITER: 50000
BASE_LR: 0.16
INPUT:
MIN_SIZE_TRAIN: (640, 864)
MIN_SIZE_TRAIN_SAMPLING: "range"
MAX_SIZE_TRAIN: 1440
CROP:
ENABLED: True
TEST:
EVAL_PERIOD: 2500
OUTPUT_DIR: "YJH/cascade_mask_rcnn_X_152_32x8d_FPN_IN5k_gn_dconv"

where are input1.jpg and input2.jpg? And is there gtk3 support ?

longervision-GT72-6QE% python demo/demo.py --config-file configs/COCO-InstanceSegmentation/mask_rcnn_R_50_FPN_3x.yaml \
  --input ./demo/17790319373_bd19b24cfc_k.jpg \ 
  --opts MODEL.WEIGHTS detectron2://COCO-InstanceSegmentation/mask_rcnn_R_50_FPN_3x/137849600/model_final_f10217.pkl
[10/13 17:38:38 detectron2]: Arguments: Namespace(confidence_threshold=0.5, config_file='configs/COCO-InstanceSegmentation/mask_rcnn_R_50_FPN_3x.yaml', input=['./demo/17790319373_bd19b24cfc_k.jpg'], opts=['MODEL.WEIGHTS', 'detectron2://COCO-InstanceSegmentation/mask_rcnn_R_50_FPN_3x/137849600/model_final_f10217.pkl'], output=None, video_input=None, webcam=False)
WARNING [10/13 17:38:38 d2.config.compat]: Config 'configs/COCO-InstanceSegmentation/mask_rcnn_R_50_FPN_3x.yaml' has no VERSION. Assuming it to be compatible with latest v2.
[10/13 17:38:42 detectron2]: ./demo/17790319373_bd19b24cfc_k.jpg: detected 13 instances in 0.37s
Traceback (most recent call last):
  File "demo/demo.py", line 95, in <module>
    cv2.imshow("COCO detections", visualized_output.get_image()[:, :, ::-1])
cv2.error: OpenCV(4.1.1) /io/opencv/modules/highgui/src/window.cpp:627: error: (-2:Unspecified error) The function is not implemented. Rebuild the library with Windows, GTK+ 2.x or Cocoa support. If you are on Ubuntu or Debian, install libgtk2.0-dev and pkg-config, then re-run cmake or configure script in function 'cvShowImage'

inference

which script is used for inference? I didn't see the test_net.py used for inferencing.

Installing Detectron2 on CPU

❓ Questions and Help

Can I install detectron2 on CPU? Currently, I'm getting the following error while building detectron2 on manjaro.

Env:

---------------------  --------------------------------------------------
Python                 3.7.4 (default, Aug 13 2019, 20:35:49) [GCC 7.3.0]
DETECTRON2_ENV_MODULE  <not set>
PyTorch                1.3.0
PyTorch Debug Build    False
CUDA available         False
Pillow                 6.2.0
---------------------  --------------------------------------------------
PyTorch built with:
  - GCC 7.3
  - Intel(R) Math Kernel Library Version 2019.0.4 Product Build 20190411 for Intel(R) 64 architecture applications
  - Intel(R) MKL-DNN v0.20.5 (Git Hash 0125f28c61c1f822fd48570b4c1066f96fcb9b2e)
  - OpenMP 201511 (a.k.a. OpenMP 4.5)
  - NNPACK is enabled
  - Build settings: BLAS=MKL, BUILD_NAMEDTENSOR=OFF, BUILD_TYPE=Release, CXX_FLAGS= -Wno-deprecated -fvisibility-inlines-hidden -fopenmp -DUSE_FBGEMM -DUSE_QNNPACK -DUSE_PYTORCH_QNNPACK -O2 -fPIC -Wno-narrowing -Wall -Wextra -Wno-missing-field-initializers -Wno-type-limits -Wno-array-bounds -Wno-unknown-pragmas -Wno-sign-compare -Wno-unused-parameter -Wno-unused-variable -Wno-unused-function -Wno-unused-result -Wno-strict-overflow -Wno-strict-aliasing -Wno-error=deprecated-declarations -Wno-stringop-overflow -Wno-error=pedantic -Wno-error=redundant-decls -Wno-error=old-style-cast -fdiagnostics-color=always -faligned-new -Wno-unused-but-set-variable -Wno-maybe-uninitialized -fno-math-errno -fno-trapping-math -Wno-stringop-overflow, DISABLE_NUMA=1, PERF_WITH_AVX=1, PERF_WITH_AVX2=1, PERF_WITH_AVX512=1, USE_CUDA=True, USE_EXCEPTION_PTR=1, USE_GFLAGS=OFF, USE_GLOG=OFF, USE_MKL=ON, USE_MKLDNN=ON, USE_MPI=OFF, USE_NCCL=ON, USE_NNPACK=ON, USE_OPENMP=ON, USE_STATIC_DISPATCH=OFF

Error:

...
g++ -pthread -shared -B /home/harshit/anaconda3/envs/py13/compiler_compat -L/home/harshit/anaconda3/envs/py13/lib -Wl,-rpath=/home/harshit/anaconda3/envs/py13/lib -Wl,--no-as-needed -Wl,--sysroot=/ build/temp.linux-x86_64-3.7/home/harshit/PycharmProjects/detectron2/detectron2/layers/csrc/vision.o build/temp.linux-x86_64-3.7/home/harshit/PycharmProjects/detectron2/detectron2/layers/csrc/box_iou_rotated/box_iou_rotated_cpu.o build/temp.linux-x86_64-3.7/home/harshit/PycharmProjects/detectron2/detectron2/layers/csrc/ROIAlignRotated/ROIAlignRotated_cpu.o build/temp.linux-x86_64-3.7/home/harshit/PycharmProjects/detectron2/detectron2/layers/csrc/ROIAlign/ROIAlign_cpu.o build/temp.linux-x86_64-3.7/home/harshit/PycharmProjects/detectron2/detectron2/layers/csrc/nms_rotated/nms_rotated_cpu.o -o build/lib.linux-x86_64-3.7/detectron2/_C.cpython-37m-x86_64-linux-gnu.so
/home/harshit/anaconda3/envs/py13/compiler_compat/ld: build/temp.linux-x86_64-3.7/home/harshit/PycharmProjects/detectron2/detectron2/layers/csrc/vision.o: unable to initialize decompress status for section .debug_info
/home/harshit/anaconda3/envs/py13/compiler_compat/ld: build/temp.linux-x86_64-3.7/home/harshit/PycharmProjects/detectron2/detectron2/layers/csrc/vision.o: unable to initialize decompress status for section .debug_info
/home/harshit/anaconda3/envs/py13/compiler_compat/ld: build/temp.linux-x86_64-3.7/home/harshit/PycharmProjects/detectron2/detectron2/layers/csrc/vision.o: unable to initialize decompress status for section .debug_info
/home/harshit/anaconda3/envs/py13/compiler_compat/ld: build/temp.linux-x86_64-3.7/home/harshit/PycharmProjects/detectron2/detectron2/layers/csrc/vision.o: unable to initialize decompress status for section .debug_info
build/temp.linux-x86_64-3.7/home/harshit/PycharmProjects/detectron2/detectron2/layers/csrc/vision.o: file not recognized: file format not recognized
collect2: error: ld returned 1 exit status
error: command 'g++' failed with exit status 1

Lvis model produce inconsistent mAP

Hi, I downloaded the model in the model zoo and try to test the validation data by using:
python tools/train_net.py --config-file configs/LVIS-InstanceSegmentation/mask_rcnn_X_101_32x8d_FPN_1x.yaml --eval-only --num-gpus 8 MODEL.WEIGHTS checkpoints/model_final_016c14.pkl
But the mAP is only 0.023, I have checked the path of validation folder and validation json and I didn't do any change with the config, how can I reproduce the result of 0.27X?
Thanks.

densepose inference

Is there a brief intro of the usage which covers how to run densepose inference with single image in detectron2?

Exception: process 2 terminated with signal SIGFPE

  • what changes you made / what code you wrote: No

  • what command you run: python tools/train_net.py --num-gpus 8 --config-file configs/COCO-InstanceSegmentation/mask_rcnn_R_50_FPN_1x.yaml

  • what you observed (full logs are preferred)

(detectron2) [engs1870@arcus-htc-dgxmaxq004 detectron2]$ python tools/train_net.py --num-gpus 8 --config-file configs/COCO-InstanceSegmentation/mask_rcnn_R_50_FPN_1x.yaml

Command Line Args: Namespace(config_file='configs/COCO-InstanceSegmentation/mask_rcnn_R_50_FPN_1x.yaml', dist_url='tcp://127.0.0.1:54401', eval_only=False, machine_rank=0, num_gpus=8, num_machines=1, opts=[], resume=False)
Process group URL: tcp://127.0.0.1:54401
Traceback (most recent call last):
File "tools/train_net.py", line 154, in
args=(args,),
File "/data/engs-tvg-lz/engs1870/projects/Det/detectron2/detectron2/engine/launch.py", line 49, in launch
daemon=False,
File "/data/engs-tvg-lz/engs1870/anaconda3/envs/detectron2/lib/python3.7/site-packages/torch/multiprocessing/spawn.py", line 171, in spawn
while not spawn_context.join():
File "/data/engs-tvg-lz/engs1870/anaconda3/envs/detectron2/lib/python3.7/site-packages/torch/multiprocessing/spawn.py", line 107, in join
(error_index, name)
Exception: process 2 terminated with signal SIGFPE

##Environment

(detectron2) [engs1870@arcus-htc-dgxmaxq004 detectron2]$ python -m detectron2.utils.collect_env


Python 3.7.4 (default, Aug 13 2019, 20:35:49) [GCC 7.3.0]
Detectron2 Compiler GCC 5.4
DETECTRON2_ENV_MODULE
PyTorch 1.3.0
PyTorch Debug Build False
CUDA available False
Pillow 6.2.0
cv2 4.1.1


PyTorch built with:

  • GCC 7.3
  • Intel(R) Math Kernel Library Version 2019.0.4 Product Build 20190411 for Intel(R) 64 architecture applications
  • Intel(R) MKL-DNN v0.20.5 (Git Hash 0125f28c61c1f822fd48570b4c1066f96fcb9b2e)
  • OpenMP 201511 (a.k.a. OpenMP 4.5)
  • NNPACK is enabled
  • Build settings: BLAS=MKL, BUILD_NAMEDTENSOR=OFF, BUILD_TYPE=Release, CXX_FLAGS= -Wno-deprecated -fvisibility-inlines-hidden -fopenmp -DUSE_FBGEMM -DUSE_QNNPACK -DUSE_PYTORCH_QNNPACK -O2 -fPIC -Wno-narrowing -Wall -Wextra -Wno-missing-field-initializers -Wno-type-limits -Wno-array-bounds -Wno-unknown-pragmas -Wno-sign-compare -Wno-unused-parameter -Wno-unused-variable -Wno-unused-function -Wno-unused-result -Wno-strict-overflow -Wno-strict-aliasing -Wno-error=deprecated-declarations -Wno-stringop-overflow -Wno-error=pedantic -Wno-error=redundant-decls -Wno-error=old-style-cast -fdiagnostics-color=always -faligned-new -Wno-unused-but-set-variable -Wno-maybe-uninitialized -fno-math-errno -fno-trapping-math -Wno-stringop-overflow, DISABLE_NUMA=1, PERF_WITH_AVX=1, PERF_WITH_AVX2=1, PERF_WITH_AVX512=1, USE_CUDA=True, USE_EXCEPTION_PTR=1, USE_GFLAGS=OFF, USE_GLOG=OFF, USE_MKL=ON, USE_MKLDNN=ON, USE_MPI=OFF, USE_NCCL=ON, USE_NNPACK=ON, USE_OPENMP=ON, USE_STATIC_DISPATCH=OFF,

Hi any thoughts on above error? thanks.

issue while using a custom coco annotated dataset

❓ Empty masks after training on a custom coco dataset

I have a custom coco annotated dataset (generated thru coco annotator tool), and I am using
the method described in the doc to register my dataset

from detectron2.data import DatasetCatalog, MetadataCatalog
from detectron2.data.datasets import register_coco_instances


register_coco_instances("chunks/train", {}, "annotations/chunks_train.json",
                        "chunks_train/")

register_coco_instances("chunks/val", {}, "annotations/chunks_val.json",
                        "chunks_val/")

chunks_metadata_train = MetadataCatalog.get("chunks/train")
chunks_metadata_val = MetadataCatalog.get("chunks/val")

Then I can train the model without any problem again following the documentation

cfg = get_cfg()

cfg.merge_from_file("./detectron2/configs/COCO-InstanceSegmentation/mask_rcnn_R_50_FPN_3x.yaml")
cfg.DATASETS.TRAIN = ("chunks/train",)
cfg.DATASETS.TEST = ()    # no metrics implemented for this dataset
cfg.DATALOADER.NUM_WORKERS = 2
cfg.MODEL.WEIGHTS = "detectron2://COCO-InstanceSegmentation/mask_rcnn_R_50_FPN_3x/137849600/model_final_f10217.pkl"  # initialize from model zoo
cfg.SOLVER.IMS_PER_BATCH = 2
cfg.SOLVER.BASE_LR = 0.00025
cfg.SOLVER.MAX_ITER = 3000    # 300 iterations seems good enough, but you can certainly train longer
cfg.MODEL.ROI_HEADS.BATCH_SIZE_PER_IMAGE = 128   # faster, and good enough for this toy dataset
cfg.MODEL.ROI_HEADS.NUM_CLASSES = 1 # only has one class

os.makedirs(cfg.OUTPUT_DIR, exist_ok=True)
trainer = DefaultTrainer(cfg) 
trainer.resume_or_load(resume=False)
trainer.train()

The problem is occuring during inference

d = DatasetCatalog.get('chunks/val')
im = cv2.imread(d[0]["file_name"])
outputs = predictor(im)

#if i take any of the predicted masks, they are completely empty/black/zeroed
masks = np.array(outputs['instances'].get('pred_masks')[0].to('cpu'))
np.unique(masks.astype('uint8'))

==> array([0], dtype=uint8)

then obviously if i try to visualize I've got an error, as opencv findContours cannot detect any bounding box as the masks are empty

v = v.draw_instance_predictions(outputs["instances"].to("cpu"))

...
/data/home/doursand/notebooks/Detectron2/detectron2/detectron2/utils/visualizer.py in mask_to_polygons(self, mask)
108 res = cv2.findContours(mask.astype("uint8"), cv2.RETR_CCOMP, cv2.CHAIN_APPROX_NONE)
109 hierarchy = res[-1]
--> 110 has_holes = (hierarchy.reshape(-1, 4)[:, 3] >= 0).sum() > 0
111 res = res[-2]
112 res = [x.flatten() for x in res]

AttributeError: 'NoneType' object has no attribute 'reshape'
...

Anybody knows what I am missing here ? thanks in advance

Installation fail with nvcc

My system:

python 3.6.8
pytorch 1.3.0
gcc 7.4
nvcc 9.1

Command:
pip3 install -e detectron2

Error:

Obtaining file:///home/vndee/workspace/newai/detectron2
Requirement already satisfied: termcolor>=1.1 in ./venv/lib/python3.6/site-packages (from detectron2==0.1) (1.1.0)
Requirement already satisfied: Pillow in ./venv/lib/python3.6/site-packages (from detectron2==0.1) (6.2.0)
Requirement already satisfied: yacs>=0.1.6 in ./venv/lib/python3.6/site-packages (from detectron2==0.1) (0.1.6)
Requirement already satisfied: tabulate in ./venv/lib/python3.6/site-packages (from detectron2==0.1) (0.8.5)
Requirement already satisfied: cloudpickle in ./venv/lib/python3.6/site-packages (from detectron2==0.1) (1.2.2)
Requirement already satisfied: matplotlib in ./venv/lib/python3.6/site-packages (from detectron2==0.1) (3.1.1)
Requirement already satisfied: tqdm>4.29.0 in ./venv/lib/python3.6/site-packages (from detectron2==0.1) (4.36.1)
Requirement already satisfied: shapely in ./venv/lib/python3.6/site-packages (from detectron2==0.1) (1.6.4.post2)
Requirement already satisfied: tensorboard in ./venv/lib/python3.6/site-packages (from detectron2==0.1) (2.0.0)
Requirement already satisfied: PyYAML in ./venv/lib/python3.6/site-packages (from yacs>=0.1.6->detectron2==0.1) (5.1.2)
Requirement already satisfied: cycler>=0.10 in ./venv/lib/python3.6/site-packages (from matplotlib->detectron2==0.1) (0.10.0)
Requirement already satisfied: pyparsing!=2.0.4,!=2.1.2,!=2.1.6,>=2.0.1 in ./venv/lib/python3.6/site-packages (from matplotlib->detectron2==0.1) (2.4.2)
Requirement already satisfied: kiwisolver>=1.0.1 in ./venv/lib/python3.6/site-packages (from matplotlib->detectron2==0.1) (1.1.0)
Requirement already satisfied: python-dateutil>=2.1 in ./venv/lib/python3.6/site-packages (from matplotlib->detectron2==0.1) (2.8.0)
Requirement already satisfied: numpy>=1.11 in ./venv/lib/python3.6/site-packages (from matplotlib->detectron2==0.1) (1.17.2)
Requirement already satisfied: six>=1.10.0 in ./venv/lib/python3.6/site-packages (from tensorboard->detectron2==0.1) (1.12.0)
Requirement already satisfied: grpcio>=1.6.3 in ./venv/lib/python3.6/site-packages (from tensorboard->detectron2==0.1) (1.24.1)
Requirement already satisfied: protobuf>=3.6.0 in ./venv/lib/python3.6/site-packages (from tensorboard->detectron2==0.1) (3.10.0)
Requirement already satisfied: absl-py>=0.4 in ./venv/lib/python3.6/site-packages (from tensorboard->detectron2==0.1) (0.8.1)
Requirement already satisfied: werkzeug>=0.11.15 in ./venv/lib/python3.6/site-packages (from tensorboard->detectron2==0.1) (0.16.0)
Requirement already satisfied: setuptools>=41.0.0 in ./venv/lib/python3.6/site-packages (from tensorboard->detectron2==0.1) (41.4.0)
Requirement already satisfied: markdown>=2.6.8 in ./venv/lib/python3.6/site-packages (from tensorboard->detectron2==0.1) (3.1.1)
Requirement already satisfied: wheel>=0.26; python_version >= "3" in ./venv/lib/python3.6/site-packages (from tensorboard->detectron2==0.1) (0.33.6)
Installing collected packages: detectron2
Running setup.py develop for detectron2
ERROR: Command errored out with exit status 1:
command: /home/vndee/workspace/newai/venv/bin/python3 -c 'import sys, setuptools, tokenize; sys.argv[0] = '"'"'/home/vndee/workspace/newai/detectron2/setup.py'"'"'; file='"'"'/home/vndee/workspace/newai/detectron2/setup.py'"'"';f=getattr(tokenize, '"'"'open'"'"', open)(file);code=f.read().replace('"'"'\r\n'"'"', '"'"'\n'"'"');f.close();exec(compile(code, file, '"'"'exec'"'"'))' develop --no-deps
cwd: /home/vndee/workspace/newai/detectron2/
Complete output (1442 lines):
running develop
running egg_info
writing detectron2.egg-info/PKG-INFO
writing dependency_links to detectron2.egg-info/dependency_links.txt
writing requirements to detectron2.egg-info/requires.txt
writing top-level names to detectron2.egg-info/top_level.txt
reading manifest file 'detectron2.egg-info/SOURCES.txt'
writing manifest file 'detectron2.egg-info/SOURCES.txt'
running build_ext
building 'detectron2.C' extension
x86_64-linux-gnu-gcc -pthread -DNDEBUG -g -fwrapv -O2 -Wall -g -fstack-protector-strong -Wformat -Werror=format-security -Wdate-time -D_FORTIFY_SOURCE=2 -fPIC -DWITH_CUDA -I/home/vndee/workspace/newai/detectron2/detectron2/layers/csrc -I/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include -I/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -I/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/TH -I/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/THC -I/usr/include/python3.6m -I/home/vndee/workspace/newai/venv/include/python3.6m -c /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/vision.cpp -o build/temp.linux-x86_64-3.6/home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/vision.o -DTORCH_API_INCLUDE_EXTENSION_H -DTORCH_EXTENSION_NAME=C -D_GLIBCXX_USE_CXX11_ABI=0 -std=c++11
In file included from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Device.h:5:0,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Allocator.h:6,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/ATen.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/types.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader_options.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/base.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/stateful.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/all.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/extension.h:4,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/ROIAlign/ROIAlign.h:3,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/vision.cpp:2:
/home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/deformable/deform_conv.h: In function ‘int deform_conv_forward(at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor, int, int, int, int, int, int, int, int, int, int, int)’:
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/util/Exception.h:350:20: warning: ‘void c10::detail::deprecated_AT_CHECK()’ is deprecated [-Wdeprecated-declarations]
::c10::detail::deprecated_AT_CHECK();
^
/home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/deformable/deform_conv.h:134:5: note: in expansion of macro ‘AT_CHECK’
AT_CHECK(weight.type().is_cuda(), "weight tensor is not on GPU!");
^
In file included from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Device.h:5:0,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Allocator.h:6,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/ATen.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/types.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader_options.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/base.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/stateful.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/all.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/extension.h:4,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/ROIAlign/ROIAlign.h:3,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/vision.cpp:2:
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/util/Exception.h:325:13: note: declared here
inline void deprecated_AT_CHECK() {}
^~~~~~~~~~~~~~~~~~~
In file included from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Device.h:5:0,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Allocator.h:6,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/ATen.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/types.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader_options.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/base.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/stateful.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/all.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/extension.h:4,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/ROIAlign/ROIAlign.h:3,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/vision.cpp:2:
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/util/Exception.h:350:40: warning: ‘void c10::detail::deprecated_AT_CHECK()’ is deprecated [-Wdeprecated-declarations]
::c10::detail::deprecated_AT_CHECK();
^
/home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/deformable/deform_conv.h:134:5: note: in expansion of macro ‘AT_CHECK’
AT_CHECK(weight.type().is_cuda(), "weight tensor is not on GPU!");
^
In file included from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Device.h:5:0,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Allocator.h:6,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/ATen.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/types.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader_options.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/base.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/stateful.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/all.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/extension.h:4,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/ROIAlign/ROIAlign.h:3,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/vision.cpp:2:
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/util/Exception.h:325:13: note: declared here
inline void deprecated_AT_CHECK() {}
^~~~~~~~~~~~~~~~~~~
In file included from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Device.h:5:0,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Allocator.h:6,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/ATen.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/types.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader_options.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/base.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/stateful.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/all.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/extension.h:4,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/ROIAlign/ROIAlign.h:3,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/vision.cpp:2:
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/util/Exception.h:350:20: warning: ‘void c10::detail::deprecated_AT_CHECK()’ is deprecated [-Wdeprecated-declarations]
::c10::detail::deprecated_AT_CHECK();
^
/home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/deformable/deform_conv.h:135:5: note: in expansion of macro ‘AT_CHECK’
AT_CHECK(offset.type().is_cuda(), "offset tensor is not on GPU!");
^
In file included from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Device.h:5:0,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Allocator.h:6,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/ATen.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/types.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader_options.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/base.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/stateful.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/all.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/extension.h:4,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/ROIAlign/ROIAlign.h:3,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/vision.cpp:2:
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/util/Exception.h:325:13: note: declared here
inline void deprecated_AT_CHECK() {}
^~~~~~~~~~~~~~~~~~~
In file included from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Device.h:5:0,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Allocator.h:6,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/ATen.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/types.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader_options.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/base.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/stateful.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/all.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/extension.h:4,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/ROIAlign/ROIAlign.h:3,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/vision.cpp:2:
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/util/Exception.h:350:40: warning: ‘void c10::detail::deprecated_AT_CHECK()’ is deprecated [-Wdeprecated-declarations]
::c10::detail::deprecated_AT_CHECK();
^
/home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/deformable/deform_conv.h:135:5: note: in expansion of macro ‘AT_CHECK’
AT_CHECK(offset.type().is_cuda(), "offset tensor is not on GPU!");
^
In file included from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Device.h:5:0,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Allocator.h:6,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/ATen.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/types.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader_options.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/base.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/stateful.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/all.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/extension.h:4,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/ROIAlign/ROIAlign.h:3,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/vision.cpp:2:
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/util/Exception.h:325:13: note: declared here
inline void deprecated_AT_CHECK() {}
^~~~~~~~~~~~~~~~~~~
In file included from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Device.h:5:0,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Allocator.h:6,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/ATen.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/types.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader_options.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/base.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/stateful.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/all.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/extension.h:4,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/ROIAlign/ROIAlign.h:3,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/vision.cpp:2:
/home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/deformable/deform_conv.h: In function ‘int deform_conv_backward_input(at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor, int, int, int, int, int, int, int, int, int, int, int)’:
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/util/Exception.h:350:20: warning: ‘void c10::detail::deprecated_AT_CHECK()’ is deprecated [-Wdeprecated-declarations]
::c10::detail::deprecated_AT_CHECK();
^
/home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/deformable/deform_conv.h:182:5: note: in expansion of macro ‘AT_CHECK’
AT_CHECK(input.type().is_cuda(), "input tensor is not on GPU!");
^
In file included from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Device.h:5:0,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Allocator.h:6,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/ATen.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/types.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader_options.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/base.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/stateful.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/all.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/extension.h:4,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/ROIAlign/ROIAlign.h:3,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/vision.cpp:2:
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/util/Exception.h:325:13: note: declared here
inline void deprecated_AT_CHECK() {}
^~~~~~~~~~~~~~~~~~~
In file included from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Device.h:5:0,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Allocator.h:6,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/ATen.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/types.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader_options.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/base.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/stateful.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/all.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/extension.h:4,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/ROIAlign/ROIAlign.h:3,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/vision.cpp:2:
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/util/Exception.h:350:40: warning: ‘void c10::detail::deprecated_AT_CHECK()’ is deprecated [-Wdeprecated-declarations]
::c10::detail::deprecated_AT_CHECK();
^
/home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/deformable/deform_conv.h:182:5: note: in expansion of macro ‘AT_CHECK’
AT_CHECK(input.type().is_cuda(), "input tensor is not on GPU!");
^
In file included from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Device.h:5:0,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Allocator.h:6,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/ATen.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/types.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader_options.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/base.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/stateful.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/all.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/extension.h:4,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/ROIAlign/ROIAlign.h:3,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/vision.cpp:2:
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/util/Exception.h:325:13: note: declared here
inline void deprecated_AT_CHECK() {}
^~~~~~~~~~~~~~~~~~~
In file included from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Device.h:5:0,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Allocator.h:6,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/ATen.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/types.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader_options.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/base.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/stateful.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/all.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/extension.h:4,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/ROIAlign/ROIAlign.h:3,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/vision.cpp:2:
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/util/Exception.h:350:20: warning: ‘void c10::detail::deprecated_AT_CHECK()’ is deprecated [-Wdeprecated-declarations]
::c10::detail::deprecated_AT_CHECK();
^
/home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/deformable/deform_conv.h:183:5: note: in expansion of macro ‘AT_CHECK’
AT_CHECK(weight.type().is_cuda(), "weight tensor is not on GPU!");
^
In file included from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Device.h:5:0,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Allocator.h:6,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/ATen.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/types.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader_options.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/base.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/stateful.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/all.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/extension.h:4,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/ROIAlign/ROIAlign.h:3,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/vision.cpp:2:
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/util/Exception.h:325:13: note: declared here
inline void deprecated_AT_CHECK() {}
^~~~~~~~~~~~~~~~~~~
In file included from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Device.h:5:0,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Allocator.h:6,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/ATen.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/types.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader_options.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/base.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/stateful.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/all.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/extension.h:4,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/ROIAlign/ROIAlign.h:3,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/vision.cpp:2:
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/util/Exception.h:350:40: warning: ‘void c10::detail::deprecated_AT_CHECK()’ is deprecated [-Wdeprecated-declarations]
::c10::detail::deprecated_AT_CHECK();
^
/home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/deformable/deform_conv.h:183:5: note: in expansion of macro ‘AT_CHECK’
AT_CHECK(weight.type().is_cuda(), "weight tensor is not on GPU!");
^
In file included from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Device.h:5:0,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Allocator.h:6,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/ATen.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/types.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader_options.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/base.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/stateful.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/all.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/extension.h:4,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/ROIAlign/ROIAlign.h:3,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/vision.cpp:2:
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/util/Exception.h:325:13: note: declared here
inline void deprecated_AT_CHECK() {}
^~~~~~~~~~~~~~~~~~~
In file included from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Device.h:5:0,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Allocator.h:6,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/ATen.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/types.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader_options.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/base.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/stateful.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/all.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/extension.h:4,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/ROIAlign/ROIAlign.h:3,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/vision.cpp:2:
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/util/Exception.h:350:20: warning: ‘void c10::detail::deprecated_AT_CHECK()’ is deprecated [-Wdeprecated-declarations]
::c10::detail::deprecated_AT_CHECK();
^
/home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/deformable/deform_conv.h:184:5: note: in expansion of macro ‘AT_CHECK’
AT_CHECK(offset.type().is_cuda(), "offset tensor is not on GPU!");
^
In file included from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Device.h:5:0,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Allocator.h:6,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/ATen.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/types.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader_options.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/base.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/stateful.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/all.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/extension.h:4,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/ROIAlign/ROIAlign.h:3,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/vision.cpp:2:
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/util/Exception.h:325:13: note: declared here
inline void deprecated_AT_CHECK() {}
^~~~~~~~~~~~~~~~~~~
In file included from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Device.h:5:0,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Allocator.h:6,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/ATen.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/types.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader_options.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/base.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/stateful.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/all.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/extension.h:4,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/ROIAlign/ROIAlign.h:3,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/vision.cpp:2:
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/util/Exception.h:350:40: warning: ‘void c10::detail::deprecated_AT_CHECK()’ is deprecated [-Wdeprecated-declarations]
::c10::detail::deprecated_AT_CHECK();
^
/home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/deformable/deform_conv.h:184:5: note: in expansion of macro ‘AT_CHECK’
AT_CHECK(offset.type().is_cuda(), "offset tensor is not on GPU!");
^
In file included from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Device.h:5:0,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Allocator.h:6,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/ATen.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/types.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader_options.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/base.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/stateful.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/all.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/extension.h:4,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/ROIAlign/ROIAlign.h:3,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/vision.cpp:2:
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/util/Exception.h:325:13: note: declared here
inline void deprecated_AT_CHECK() {}
^~~~~~~~~~~~~~~~~~~
In file included from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Device.h:5:0,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Allocator.h:6,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/ATen.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/types.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader_options.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/base.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/stateful.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/all.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/extension.h:4,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/ROIAlign/ROIAlign.h:3,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/vision.cpp:2:
/home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/deformable/deform_conv.h: In function ‘int deform_conv_backward_filter(at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor, int, int, int, int, int, int, int, int, int, int, float, int)’:
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/util/Exception.h:350:20: warning: ‘void c10::detail::deprecated_AT_CHECK()’ is deprecated [-Wdeprecated-declarations]
::c10::detail::deprecated_AT_CHECK();
^
/home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/deformable/deform_conv.h:232:5: note: in expansion of macro ‘AT_CHECK’
AT_CHECK(input.type().is_cuda(), "input tensor is not on GPU!");
^
In file included from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Device.h:5:0,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Allocator.h:6,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/ATen.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/types.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader_options.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/base.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/stateful.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/all.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/extension.h:4,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/ROIAlign/ROIAlign.h:3,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/vision.cpp:2:
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/util/Exception.h:325:13: note: declared here
inline void deprecated_AT_CHECK() {}
^~~~~~~~~~~~~~~~~~~
In file included from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Device.h:5:0,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Allocator.h:6,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/ATen.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/types.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader_options.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/base.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/stateful.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/all.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/extension.h:4,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/ROIAlign/ROIAlign.h:3,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/vision.cpp:2:
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/util/Exception.h:350:40: warning: ‘void c10::detail::deprecated_AT_CHECK()’ is deprecated [-Wdeprecated-declarations]
::c10::detail::deprecated_AT_CHECK();
^
/home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/deformable/deform_conv.h:232:5: note: in expansion of macro ‘AT_CHECK’
AT_CHECK(input.type().is_cuda(), "input tensor is not on GPU!");
^
In file included from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Device.h:5:0,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Allocator.h:6,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/ATen.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/types.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader_options.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/base.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/stateful.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/all.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/extension.h:4,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/ROIAlign/ROIAlign.h:3,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/vision.cpp:2:
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/util/Exception.h:325:13: note: declared here
inline void deprecated_AT_CHECK() {}
^~~~~~~~~~~~~~~~~~~
In file included from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Device.h:5:0,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Allocator.h:6,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/ATen.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/types.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader_options.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/base.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/stateful.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/all.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/extension.h:4,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/ROIAlign/ROIAlign.h:3,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/vision.cpp:2:
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/util/Exception.h:350:20: warning: ‘void c10::detail::deprecated_AT_CHECK()’ is deprecated [-Wdeprecated-declarations]
::c10::detail::deprecated_AT_CHECK();
^
/home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/deformable/deform_conv.h:233:5: note: in expansion of macro ‘AT_CHECK’
AT_CHECK(offset.type().is_cuda(), "offset tensor is not on GPU!");
^
In file included from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Device.h:5:0,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Allocator.h:6,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/ATen.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/types.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader_options.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/base.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/stateful.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/all.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/extension.h:4,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/ROIAlign/ROIAlign.h:3,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/vision.cpp:2:
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/util/Exception.h:325:13: note: declared here
inline void deprecated_AT_CHECK() {}
^~~~~~~~~~~~~~~~~~~
In file included from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Device.h:5:0,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Allocator.h:6,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/ATen.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/types.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader_options.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/base.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/stateful.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/all.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/extension.h:4,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/ROIAlign/ROIAlign.h:3,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/vision.cpp:2:
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/util/Exception.h:350:40: warning: ‘void c10::detail::deprecated_AT_CHECK()’ is deprecated [-Wdeprecated-declarations]
::c10::detail::deprecated_AT_CHECK();
^
/home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/deformable/deform_conv.h:233:5: note: in expansion of macro ‘AT_CHECK’
AT_CHECK(offset.type().is_cuda(), "offset tensor is not on GPU!");
^
In file included from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Device.h:5:0,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Allocator.h:6,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/ATen.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/types.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader_options.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/base.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/stateful.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/all.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/extension.h:4,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/ROIAlign/ROIAlign.h:3,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/vision.cpp:2:
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/util/Exception.h:325:13: note: declared here
inline void deprecated_AT_CHECK() {}
^~~~~~~~~~~~~~~~~~~
In file included from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Device.h:5:0,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Allocator.h:6,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/ATen.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/types.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader_options.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/base.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/stateful.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/all.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/extension.h:4,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/ROIAlign/ROIAlign.h:3,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/vision.cpp:2:
/home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/deformable/deform_conv.h: In function ‘void modulated_deform_conv_forward(at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor, int, int, int, int, int, int, int, int, int, int, bool)’:
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/util/Exception.h:350:20: warning: ‘void c10::detail::deprecated_AT_CHECK()’ is deprecated [-Wdeprecated-declarations]
::c10::detail::deprecated_AT_CHECK();
^
/home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/deformable/deform_conv.h:282:5: note: in expansion of macro ‘AT_CHECK’
AT_CHECK(weight.type().is_cuda(), "weight tensor is not on GPU!");
^
In file included from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Device.h:5:0,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Allocator.h:6,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/ATen.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/types.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader_options.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/base.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/stateful.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/all.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/extension.h:4,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/ROIAlign/ROIAlign.h:3,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/vision.cpp:2:
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/util/Exception.h:325:13: note: declared here
inline void deprecated_AT_CHECK() {}
^~~~~~~~~~~~~~~~~~~
In file included from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Device.h:5:0,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Allocator.h:6,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/ATen.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/types.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader_options.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/base.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/stateful.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/all.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/extension.h:4,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/ROIAlign/ROIAlign.h:3,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/vision.cpp:2:
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/util/Exception.h:350:40: warning: ‘void c10::detail::deprecated_AT_CHECK()’ is deprecated [-Wdeprecated-declarations]
::c10::detail::deprecated_AT_CHECK();
^
/home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/deformable/deform_conv.h:282:5: note: in expansion of macro ‘AT_CHECK’
AT_CHECK(weight.type().is_cuda(), "weight tensor is not on GPU!");
^
In file included from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Device.h:5:0,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Allocator.h:6,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/ATen.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/types.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader_options.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/base.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/stateful.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/all.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/extension.h:4,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/ROIAlign/ROIAlign.h:3,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/vision.cpp:2:
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/util/Exception.h:325:13: note: declared here
inline void deprecated_AT_CHECK() {}
^~~~~~~~~~~~~~~~~~~
In file included from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Device.h:5:0,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Allocator.h:6,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/ATen.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/types.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader_options.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/base.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/stateful.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/all.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/extension.h:4,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/ROIAlign/ROIAlign.h:3,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/vision.cpp:2:
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/util/Exception.h:350:20: warning: ‘void c10::detail::deprecated_AT_CHECK()’ is deprecated [-Wdeprecated-declarations]
::c10::detail::deprecated_AT_CHECK();
^
/home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/deformable/deform_conv.h:283:5: note: in expansion of macro ‘AT_CHECK’
AT_CHECK(bias.type().is_cuda(), "bias tensor is not on GPU!");
^
In file included from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Device.h:5:0,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Allocator.h:6,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/ATen.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/types.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader_options.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/base.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/stateful.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/all.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/extension.h:4,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/ROIAlign/ROIAlign.h:3,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/vision.cpp:2:
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/util/Exception.h:325:13: note: declared here
inline void deprecated_AT_CHECK() {}
^~~~~~~~~~~~~~~~~~~
In file included from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Device.h:5:0,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Allocator.h:6,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/ATen.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/types.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader_options.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/base.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/stateful.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/all.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/extension.h:4,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/ROIAlign/ROIAlign.h:3,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/vision.cpp:2:
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/util/Exception.h:350:40: warning: ‘void c10::detail::deprecated_AT_CHECK()’ is deprecated [-Wdeprecated-declarations]
::c10::detail::deprecated_AT_CHECK();
^
/home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/deformable/deform_conv.h:283:5: note: in expansion of macro ‘AT_CHECK’
AT_CHECK(bias.type().is_cuda(), "bias tensor is not on GPU!");
^
In file included from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Device.h:5:0,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Allocator.h:6,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/ATen.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/types.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader_options.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/base.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/stateful.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/all.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/extension.h:4,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/ROIAlign/ROIAlign.h:3,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/vision.cpp:2:
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/util/Exception.h:325:13: note: declared here
inline void deprecated_AT_CHECK() {}
^~~~~~~~~~~~~~~~~~~
In file included from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Device.h:5:0,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Allocator.h:6,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/ATen.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/types.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader_options.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/base.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/stateful.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/all.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/extension.h:4,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/ROIAlign/ROIAlign.h:3,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/vision.cpp:2:
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/util/Exception.h:350:20: warning: ‘void c10::detail::deprecated_AT_CHECK()’ is deprecated [-Wdeprecated-declarations]
::c10::detail::deprecated_AT_CHECK();
^
/home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/deformable/deform_conv.h:284:5: note: in expansion of macro ‘AT_CHECK’
AT_CHECK(offset.type().is_cuda(), "offset tensor is not on GPU!");
^
In file included from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Device.h:5:0,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Allocator.h:6,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/ATen.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/types.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader_options.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/base.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/stateful.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/all.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/extension.h:4,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/ROIAlign/ROIAlign.h:3,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/vision.cpp:2:
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/util/Exception.h:325:13: note: declared here
inline void deprecated_AT_CHECK() {}
^~~~~~~~~~~~~~~~~~~
In file included from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Device.h:5:0,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Allocator.h:6,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/ATen.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/types.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader_options.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/base.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/stateful.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/all.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/extension.h:4,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/ROIAlign/ROIAlign.h:3,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/vision.cpp:2:
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/util/Exception.h:350:40: warning: ‘void c10::detail::deprecated_AT_CHECK()’ is deprecated [-Wdeprecated-declarations]
::c10::detail::deprecated_AT_CHECK();
^
/home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/deformable/deform_conv.h:284:5: note: in expansion of macro ‘AT_CHECK’
AT_CHECK(offset.type().is_cuda(), "offset tensor is not on GPU!");
^
In file included from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Device.h:5:0,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Allocator.h:6,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/ATen.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/types.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader_options.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/base.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/stateful.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/all.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/extension.h:4,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/ROIAlign/ROIAlign.h:3,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/vision.cpp:2:
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/util/Exception.h:325:13: note: declared here
inline void deprecated_AT_CHECK() {}
^~~~~~~~~~~~~~~~~~~
In file included from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Device.h:5:0,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Allocator.h:6,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/ATen.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/types.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader_options.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/base.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/stateful.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/all.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/extension.h:4,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/ROIAlign/ROIAlign.h:3,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/vision.cpp:2:
/home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/deformable/deform_conv.h: In function ‘void modulated_deform_conv_backward(at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor, int, int, int, int, int, int, int, int, int, int, bool)’:
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/util/Exception.h:350:20: warning: ‘void c10::detail::deprecated_AT_CHECK()’ is deprecated [-Wdeprecated-declarations]
::c10::detail::deprecated_AT_CHECK();
^
/home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/deformable/deform_conv.h:339:5: note: in expansion of macro ‘AT_CHECK’
AT_CHECK(input.type().is_cuda(), "input tensor is not on GPU!");
^
In file included from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Device.h:5:0,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Allocator.h:6,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/ATen.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/types.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader_options.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/base.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/stateful.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/all.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/extension.h:4,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/ROIAlign/ROIAlign.h:3,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/vision.cpp:2:
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/util/Exception.h:325:13: note: declared here
inline void deprecated_AT_CHECK() {}
^~~~~~~~~~~~~~~~~~~
In file included from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Device.h:5:0,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Allocator.h:6,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/ATen.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/types.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader_options.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/base.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/stateful.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/all.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/extension.h:4,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/ROIAlign/ROIAlign.h:3,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/vision.cpp:2:
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/util/Exception.h:350:40: warning: ‘void c10::detail::deprecated_AT_CHECK()’ is deprecated [-Wdeprecated-declarations]
::c10::detail::deprecated_AT_CHECK();
^
/home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/deformable/deform_conv.h:339:5: note: in expansion of macro ‘AT_CHECK’
AT_CHECK(input.type().is_cuda(), "input tensor is not on GPU!");
^
In file included from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Device.h:5:0,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Allocator.h:6,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/ATen.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/types.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader_options.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/base.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/stateful.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/all.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/extension.h:4,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/ROIAlign/ROIAlign.h:3,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/vision.cpp:2:
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/util/Exception.h:325:13: note: declared here
inline void deprecated_AT_CHECK() {}
^~~~~~~~~~~~~~~~~~~
In file included from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Device.h:5:0,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Allocator.h:6,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/ATen.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/types.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader_options.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/base.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/stateful.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/all.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/extension.h:4,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/ROIAlign/ROIAlign.h:3,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/vision.cpp:2:
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/util/Exception.h:350:20: warning: ‘void c10::detail::deprecated_AT_CHECK()’ is deprecated [-Wdeprecated-declarations]
::c10::detail::deprecated_AT_CHECK();
^
/home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/deformable/deform_conv.h:340:5: note: in expansion of macro ‘AT_CHECK’
AT_CHECK(weight.type().is_cuda(), "weight tensor is not on GPU!");
^
In file included from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Device.h:5:0,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Allocator.h:6,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/ATen.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/types.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader_options.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/base.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/stateful.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/all.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/extension.h:4,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/ROIAlign/ROIAlign.h:3,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/vision.cpp:2:
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/util/Exception.h:325:13: note: declared here
inline void deprecated_AT_CHECK() {}
^~~~~~~~~~~~~~~~~~~
In file included from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Device.h:5:0,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Allocator.h:6,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/ATen.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/types.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader_options.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/base.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/stateful.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/all.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/extension.h:4,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/ROIAlign/ROIAlign.h:3,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/vision.cpp:2:
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/util/Exception.h:350:40: warning: ‘void c10::detail::deprecated_AT_CHECK()’ is deprecated [-Wdeprecated-declarations]
::c10::detail::deprecated_AT_CHECK();
^
/home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/deformable/deform_conv.h:340:5: note: in expansion of macro ‘AT_CHECK’
AT_CHECK(weight.type().is_cuda(), "weight tensor is not on GPU!");
^
In file included from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Device.h:5:0,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Allocator.h:6,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/ATen.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/types.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader_options.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/base.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/stateful.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/all.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/extension.h:4,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/ROIAlign/ROIAlign.h:3,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/vision.cpp:2:
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/util/Exception.h:325:13: note: declared here
inline void deprecated_AT_CHECK() {}
^~~~~~~~~~~~~~~~~~~
In file included from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Device.h:5:0,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Allocator.h:6,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/ATen.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/types.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader_options.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/base.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/stateful.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/all.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/extension.h:4,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/ROIAlign/ROIAlign.h:3,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/vision.cpp:2:
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/util/Exception.h:350:20: warning: ‘void c10::detail::deprecated_AT_CHECK()’ is deprecated [-Wdeprecated-declarations]
::c10::detail::deprecated_AT_CHECK();
^
/home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/deformable/deform_conv.h:341:5: note: in expansion of macro ‘AT_CHECK’
AT_CHECK(bias.type().is_cuda(), "bias tensor is not on GPU!");
^
In file included from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Device.h:5:0,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Allocator.h:6,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/ATen.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/types.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader_options.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/base.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/stateful.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/all.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/extension.h:4,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/ROIAlign/ROIAlign.h:3,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/vision.cpp:2:
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/util/Exception.h:325:13: note: declared here
inline void deprecated_AT_CHECK() {}
^~~~~~~~~~~~~~~~~~~
In file included from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Device.h:5:0,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Allocator.h:6,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/ATen.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/types.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader_options.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/base.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/stateful.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/all.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/extension.h:4,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/ROIAlign/ROIAlign.h:3,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/vision.cpp:2:
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/util/Exception.h:350:40: warning: ‘void c10::detail::deprecated_AT_CHECK()’ is deprecated [-Wdeprecated-declarations]
::c10::detail::deprecated_AT_CHECK();
^
/home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/deformable/deform_conv.h:341:5: note: in expansion of macro ‘AT_CHECK’
AT_CHECK(bias.type().is_cuda(), "bias tensor is not on GPU!");
^
In file included from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Device.h:5:0,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Allocator.h:6,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/ATen.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/types.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader_options.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/base.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/stateful.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/all.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/extension.h:4,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/ROIAlign/ROIAlign.h:3,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/vision.cpp:2:
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/util/Exception.h:325:13: note: declared here
inline void deprecated_AT_CHECK() {}
^~~~~~~~~~~~~~~~~~~
In file included from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Device.h:5:0,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Allocator.h:6,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/ATen.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/types.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader_options.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/base.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/stateful.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/all.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/extension.h:4,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/ROIAlign/ROIAlign.h:3,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/vision.cpp:2:
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/util/Exception.h:350:20: warning: ‘void c10::detail::deprecated_AT_CHECK()’ is deprecated [-Wdeprecated-declarations]
::c10::detail::deprecated_AT_CHECK();
^
/home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/deformable/deform_conv.h:342:5: note: in expansion of macro ‘AT_CHECK’
AT_CHECK(offset.type().is_cuda(), "offset tensor is not on GPU!");
^
In file included from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Device.h:5:0,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Allocator.h:6,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/ATen.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/types.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader_options.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/base.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/stateful.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/all.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/extension.h:4,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/ROIAlign/ROIAlign.h:3,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/vision.cpp:2:
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/util/Exception.h:325:13: note: declared here
inline void deprecated_AT_CHECK() {}
^~~~~~~~~~~~~~~~~~~
In file included from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Device.h:5:0,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Allocator.h:6,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/ATen.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/types.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader_options.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/base.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/stateful.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/all.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/extension.h:4,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/ROIAlign/ROIAlign.h:3,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/vision.cpp:2:
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/util/Exception.h:350:40: warning: ‘void c10::detail::deprecated_AT_CHECK()’ is deprecated [-Wdeprecated-declarations]
::c10::detail::deprecated_AT_CHECK();
^
/home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/deformable/deform_conv.h:342:5: note: in expansion of macro ‘AT_CHECK’
AT_CHECK(offset.type().is_cuda(), "offset tensor is not on GPU!");
^
In file included from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Device.h:5:0,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/Allocator.h:6,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/ATen.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/types.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader_options.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/base.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/stateful.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/all.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/extension.h:4,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/ROIAlign/ROIAlign.h:3,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/vision.cpp:2:
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/util/Exception.h:325:13: note: declared here
inline void deprecated_AT_CHECK() {}
^~~~~~~~~~~~~~~~~~~
x86_64-linux-gnu-gcc -pthread -DNDEBUG -g -fwrapv -O2 -Wall -g -fstack-protector-strong -Wformat -Werror=format-security -Wdate-time -D_FORTIFY_SOURCE=2 -fPIC -DWITH_CUDA -I/home/vndee/workspace/newai/detectron2/detectron2/layers/csrc -I/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include -I/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -I/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/TH -I/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/THC -I/usr/include/python3.6m -I/home/vndee/workspace/newai/venv/include/python3.6m -c /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/nms_rotated/nms_rotated_cpu.cpp -o build/temp.linux-x86_64-3.6/home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/nms_rotated/nms_rotated_cpu.o -DTORCH_API_INCLUDE_EXTENSION_H -DTORCH_EXTENSION_NAME=C -D_GLIBCXX_USE_CXX11_ABI=0 -std=c++11
In file included from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9:0,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/types.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader_options.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/base.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/stateful.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/all.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/extension.h:4,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/nms_rotated/nms_rotated.h:3,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/nms_rotated/nms_rotated_cpu.cpp:3:
/home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/nms_rotated/nms_rotated_cpu.cpp: In lambda function:
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/Dispatch.h:103:56: warning: ‘c10::ScalarType detail::scalar_type(const at::DeprecatedTypeProperties&)’ is deprecated [-Wdeprecated-declarations]
at::ScalarType st = ::detail::scalar_type(the_type);
^
/home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/nms_rotated/nms_rotated_cpu.cpp:67:3: note: in expansion of macro ‘AT_DISPATCH_FLOATING_TYPES’
AT_DISPATCH_FLOATING_TYPES(dets.type(), "nms_rotated", [&] {
^
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/Dispatch.h:31:23: note: declared here
inline at::ScalarType scalar_type(const at::DeprecatedTypeProperties &t) {
^~~~~~~~~~~
x86_64-linux-gnu-gcc -pthread -DNDEBUG -g -fwrapv -O2 -Wall -g -fstack-protector-strong -Wformat -Werror=format-security -Wdate-time -D_FORTIFY_SOURCE=2 -fPIC -DWITH_CUDA -I/home/vndee/workspace/newai/detectron2/detectron2/layers/csrc -I/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include -I/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -I/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/TH -I/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/THC -I/usr/include/python3.6m -I/home/vndee/workspace/newai/venv/include/python3.6m -c /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/box_iou_rotated/box_iou_rotated_cpu.cpp -o build/temp.linux-x86_64-3.6/home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/box_iou_rotated/box_iou_rotated_cpu.o -DTORCH_API_INCLUDE_EXTENSION_H -DTORCH_EXTENSION_NAME=C -D_GLIBCXX_USE_CXX11_ABI=0 -std=c++11
x86_64-linux-gnu-gcc -pthread -DNDEBUG -g -fwrapv -O2 -Wall -g -fstack-protector-strong -Wformat -Werror=format-security -Wdate-time -D_FORTIFY_SOURCE=2 -fPIC -DWITH_CUDA -I/home/vndee/workspace/newai/detectron2/detectron2/layers/csrc -I/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include -I/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -I/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/TH -I/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/THC -I/usr/include/python3.6m -I/home/vndee/workspace/newai/venv/include/python3.6m -c /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/ROIAlignRotated/ROIAlignRotated_cpu.cpp -o build/temp.linux-x86_64-3.6/home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/ROIAlignRotated/ROIAlignRotated_cpu.o -DTORCH_API_INCLUDE_EXTENSION_H -DTORCH_EXTENSION_NAME=C -D_GLIBCXX_USE_CXX11_ABI=0 -std=c++11
In file included from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9:0,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/types.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader_options.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/base.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/stateful.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/all.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/extension.h:4,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/ROIAlignRotated/ROIAlignRotated.h:3,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/ROIAlignRotated/ROIAlignRotated_cpu.cpp:3:
/home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/ROIAlignRotated/ROIAlignRotated_cpu.cpp: In lambda function:
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/Dispatch.h:116:56: warning: ‘c10::ScalarType detail::scalar_type(const at::DeprecatedTypeProperties&)’ is deprecated [-Wdeprecated-declarations]
at::ScalarType st = ::detail::scalar_type(the_type);
^
/home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/ROIAlignRotated/ROIAlignRotated_cpu.cpp:446:3: note: in expansion of macro ‘AT_DISPATCH_FLOATING_TYPES_AND_HALF’
AT_DISPATCH_FLOATING_TYPES_AND_HALF(
^
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/Dispatch.h:31:23: note: declared here
inline at::ScalarType scalar_type(const at::DeprecatedTypeProperties &t) {
^~~~~~~~~~~
/home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/ROIAlignRotated/ROIAlignRotated_cpu.cpp: In lambda function:
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/Dispatch.h:116:56: warning: ‘c10::ScalarType detail::scalar_type(const at::DeprecatedTypeProperties&)’ is deprecated [-Wdeprecated-declarations]
at::ScalarType st = ::detail::scalar_type(the_type);
^
/home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/ROIAlignRotated/ROIAlignRotated_cpu.cpp:497:3: note: in expansion of macro ‘AT_DISPATCH_FLOATING_TYPES_AND_HALF’
AT_DISPATCH_FLOATING_TYPES_AND_HALF(
^
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/Dispatch.h:31:23: note: declared here
inline at::ScalarType scalar_type(const at::DeprecatedTypeProperties &t) {
^~~~~~~~~~~
x86_64-linux-gnu-gcc -pthread -DNDEBUG -g -fwrapv -O2 -Wall -g -fstack-protector-strong -Wformat -Werror=format-security -Wdate-time -D_FORTIFY_SOURCE=2 -fPIC -DWITH_CUDA -I/home/vndee/workspace/newai/detectron2/detectron2/layers/csrc -I/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include -I/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -I/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/TH -I/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/THC -I/usr/include/python3.6m -I/home/vndee/workspace/newai/venv/include/python3.6m -c /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/ROIAlign/ROIAlign_cpu.cpp -o build/temp.linux-x86_64-3.6/home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/ROIAlign/ROIAlign_cpu.o -DTORCH_API_INCLUDE_EXTENSION_H -DTORCH_EXTENSION_NAME=C -D_GLIBCXX_USE_CXX11_ABI=0 -std=c++11
In file included from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/ATen.h:9:0,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/types.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader_options.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/base.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/stateful.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/data.h:3,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include/torch/all.h:4,
from /home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/extension.h:4,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/ROIAlign/ROIAlign.h:3,
from /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/ROIAlign/ROIAlign_cpu.cpp:3:
/home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/ROIAlign/ROIAlign_cpu.cpp: In lambda function:
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/Dispatch.h:116:56: warning: ‘c10::ScalarType detail::scalar_type(const at::DeprecatedTypeProperties&)’ is deprecated [-Wdeprecated-declarations]
at::ScalarType st = ::detail::scalar_type(the_type);
^
/home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/ROIAlign/ROIAlign_cpu.cpp:423:3: note: in expansion of macro ‘AT_DISPATCH_FLOATING_TYPES_AND_HALF’
AT_DISPATCH_FLOATING_TYPES_AND_HALF(input.type(), "ROIAlign_forward", [&] {
^
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/Dispatch.h:31:23: note: declared here
inline at::ScalarType scalar_type(const at::DeprecatedTypeProperties &t) {
^~~~~~~~~~~
/home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/ROIAlign/ROIAlign_cpu.cpp: In lambda function:
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/Dispatch.h:116:56: warning: ‘c10::ScalarType detail::scalar_type(const at::DeprecatedTypeProperties&)’ is deprecated [-Wdeprecated-declarations]
at::ScalarType st = ::detail::scalar_type(the_type);
^
/home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/ROIAlign/ROIAlign_cpu.cpp:475:3: note: in expansion of macro ‘AT_DISPATCH_FLOATING_TYPES_AND_HALF’
AT_DISPATCH_FLOATING_TYPES_AND_HALF(grad.type(), "ROIAlign_forward", [&] {
^
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/Dispatch.h:31:23: note: declared here
inline at::ScalarType scalar_type(const at::DeprecatedTypeProperties &t) {
^~~~~~~~~~~
/usr/bin/nvcc -DWITH_CUDA -I/home/vndee/workspace/newai/detectron2/detectron2/layers/csrc -I/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include -I/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -I/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/TH -I/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/THC -I/usr/include/python3.6m -I/home/vndee/workspace/newai/venv/include/python3.6m -c /home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/nms_rotated/nms_rotated_cuda.cu -o build/temp.linux-x86_64-3.6/home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/nms_rotated/nms_rotated_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=_C -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_50,code=sm_50 -std=c++11
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/TensorTypeSet.h(44): warning: integer conversion resulted in a change of sign

/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/c10/core/TensorTypeSet.h(44): warning: integer conversion resulted in a change of sign

/usr/include/c++/6/tuple: In instantiation of ‘static constexpr bool std::_TC<<anonymous>, _Elements>::_MoveConstructibleTuple() [with _UElements = {std::tuple<at::Tensor, at::Tensor, at::Tensor>}; bool <anonymous> = true; _Elements = {at::Tensor, at::Tensor, at::Tensor}]’:
/usr/include/c++/6/tuple:626:248:   required by substitution of ‘template<class ... _UElements, typename std::enable_if<(((std::_TC<(sizeof... (_UElements) == 1), at::Tensor, at::Tensor, at::Tensor>::_NotSameTuple<_UElements ...>() && std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, at::Tensor>::_MoveConstructibleTuple<_UElements ...>()) && std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, at::Tensor>::_ImplicitlyMoveConvertibleTuple<_UElements ...>()) && (3ul >= 1)), bool>::type <anonymous> > constexpr std::tuple< <template-parameter-1-1> >::tuple(_UElements&& ...) [with _UElements = {std::tuple<at::Tensor, at::Tensor, at::Tensor>}; typename std::enable_if<(((std::_TC<(sizeof... (_UElements) == 1), at::Tensor, at::Tensor, at::Tensor>::_NotSameTuple<_UElements ...>() && std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, at::Tensor>::_MoveConstructibleTuple<_UElements ...>()) && std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, at::Tensor>::_ImplicitlyMoveConvertibleTuple<_UElements ...>()) && (3ul >= 1)), bool>::type <anonymous> = <missing>]’
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/core/TensorMethods.h:5084:246:   required from here
/usr/include/c++/6/tuple:483:67: error: mismatched argument pack lengths while expanding ‘std::is_constructible<_Elements, _UElements&&>’
       return __and_<is_constructible<_Elements, _UElements&&>...>::value;
                                                                   ^~~~~
/usr/include/c++/6/tuple:484:1: error: body of constexpr function ‘static constexpr bool std::_TC<<anonymous>, _Elements>::_MoveConstructibleTuple() [with _UElements = {std::tuple<at::Tensor, at::Tensor, at::Tensor>}; bool <anonymous> = true; _Elements = {at::Tensor, at::Tensor, at::Tensor}]’ not a return-statement
     }
 ^
/usr/include/c++/6/tuple: In instantiation of ‘static constexpr bool std::_TC<<anonymous>, _Elements>::_ImplicitlyMoveConvertibleTuple() [with _UElements = {std::tuple<at::Tensor, at::Tensor, at::Tensor>}; bool <anonymous> = true; _Elements = {at::Tensor, at::Tensor, at::Tensor}]’:
/usr/include/c++/6/tuple:626:362:   required by substitution of ‘template<class ... _UElements, typename std::enable_if<(((std::_TC<(sizeof... (_UElements) == 1), at::Tensor, at::Tensor, at::Tensor>::_NotSameTuple<_UElements ...>() && std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, at::Tensor>::_MoveConstructibleTuple<_UElements ...>()) && std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, at::Tensor>::_ImplicitlyMoveConvertibleTuple<_UElements ...>()) && (3ul >= 1)), bool>::type <anonymous> > constexpr std::tuple< <template-parameter-1-1> >::tuple(_UElements&& ...) [with _UElements = {std::tuple<at::Tensor, at::Tensor, at::Tensor>}; typename std::enable_if<(((std::_TC<(sizeof... (_UElements) == 1), at::Tensor, at::Tensor, at::Tensor>::_NotSameTuple<_UElements ...>() && std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, at::Tensor>::_MoveConstructibleTuple<_UElements ...>()) && std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, at::Tensor>::_ImplicitlyMoveConvertibleTuple<_UElements ...>()) && (3ul >= 1)), bool>::type <anonymous> = <missing>]’
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/core/TensorMethods.h:5084:246:   required from here
/usr/include/c++/6/tuple:489:65: error: mismatched argument pack lengths while expanding ‘std::is_convertible<_UElements&&, _Elements>’
       return __and_<is_convertible<_UElements&&, _Elements>...>::value;
                                                                 ^~~~~
/usr/include/c++/6/tuple:490:1: error: body of constexpr function ‘static constexpr bool std::_TC<<anonymous>, _Elements>::_ImplicitlyMoveConvertibleTuple() [with _UElements = {std::tuple<at::Tensor, at::Tensor, at::Tensor>}; bool <anonymous> = true; _Elements = {at::Tensor, at::Tensor, at::Tensor}]’ not a return-statement
     }
 ^
/usr/include/c++/6/tuple: In instantiation of ‘static constexpr bool std::_TC<<anonymous>, _Elements>::_NonNestedTuple() [with _SrcTuple = const std::tuple<at::Tensor, at::Tensor, at::Tensor>&; bool <anonymous> = true; _Elements = {at::Tensor, at::Tensor, at::Tensor}]’:
/usr/include/c++/6/tuple:662:419:   required by substitution of ‘template<class ... _UElements, class _Dummy, typename std::enable_if<((std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, at::Tensor>::_ConstructibleTuple<_UElements ...>() && std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, at::Tensor>::_ImplicitlyConvertibleTuple<_UElements ...>()) && std::_TC<(std::is_same<_Dummy, void>::value && (1ul == 1)), at::Tensor, at::Tensor, at::Tensor>::_NonNestedTuple<const tuple<_Elements ...>&>()), bool>::type <anonymous> > constexpr std::tuple< <template-parameter-1-1> >::tuple(const std::tuple<_Args1 ...>&) [with _UElements = {at::Tensor, at::Tensor, at::Tensor}; _Dummy = void; typename std::enable_if<((std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, at::Tensor>::_ConstructibleTuple<_UElements ...>() && std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, at::Tensor>::_ImplicitlyConvertibleTuple<_UElements ...>()) && std::_TC<(std::is_same<_Dummy, void>::value && (1ul == 1)), at::Tensor, at::Tensor, at::Tensor>::_NonNestedTuple<const tuple<_Elements ...>&>()), bool>::type <anonymous> = <missing>]’
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/core/TensorMethods.h:5084:246:   required from here
/usr/include/c++/6/tuple:495:244: error: wrong number of template arguments (4, should be 2)
       return  __and_<__not_<is_same<tuple<_Elements...>,
                                                                                                                                                                                                                                                    ^
/usr/include/c++/6/type_traits:1558:8: note: provided for ‘template<class _From, class _To> struct std::is_convertible’
     struct is_convertible
        ^~~~~~~~~~~~~~
/usr/include/c++/6/tuple:502:1: error: body of constexpr function ‘static constexpr bool std::_TC<<anonymous>, _Elements>::_NonNestedTuple() [with _SrcTuple = const std::tuple<at::Tensor, at::Tensor, at::Tensor>&; bool <anonymous> = true; _Elements = {at::Tensor, at::Tensor, at::Tensor}]’ not a return-statement
     }
 ^
/usr/include/c++/6/tuple: In instantiation of ‘static constexpr bool std::_TC<<anonymous>, _Elements>::_NonNestedTuple() [with _SrcTuple = std::tuple<at::Tensor, at::Tensor, at::Tensor>&&; bool <anonymous> = true; _Elements = {at::Tensor, at::Tensor, at::Tensor}]’:
/usr/include/c++/6/tuple:686:422:   required by substitution of ‘template<class ... _UElements, class _Dummy, typename std::enable_if<((std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, at::Tensor>::_MoveConstructibleTuple<_UElements ...>() && std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, at::Tensor>::_ImplicitlyMoveConvertibleTuple<_UElements ...>()) && std::_TC<(std::is_same<_Dummy, void>::value && (1ul == 1)), at::Tensor, at::Tensor, at::Tensor>::_NonNestedTuple<tuple<_Elements ...>&&>()), bool>::type <anonymous> > constexpr std::tuple< <template-parameter-1-1> >::tuple(std::tuple<_Args1 ...>&&) [with _UElements = {at::Tensor, at::Tensor, at::Tensor}; _Dummy = void; typename std::enable_if<((std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, at::Tensor>::_MoveConstructibleTuple<_UElements ...>() && std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, at::Tensor>::_ImplicitlyMoveConvertibleTuple<_UElements ...>()) && std::_TC<(std::is_same<_Dummy, void>::value && (1ul == 1)), at::Tensor, at::Tensor, at::Tensor>::_NonNestedTuple<tuple<_Elements ...>&&>()), bool>::type <anonymous> = <missing>]’
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/core/TensorMethods.h:5084:246:   required from here
/usr/include/c++/6/tuple:495:244: error: wrong number of template arguments (4, should be 2)
       return  __and_<__not_<is_same<tuple<_Elements...>,
                                                                                                                                                                                                                                                    ^
/usr/include/c++/6/type_traits:1558:8: note: provided for ‘template<class _From, class _To> struct std::is_convertible’
     struct is_convertible
        ^~~~~~~~~~~~~~
/usr/include/c++/6/tuple:502:1: error: body of constexpr function ‘static constexpr bool std::_TC<<anonymous>, _Elements>::_NonNestedTuple() [with _SrcTuple = std::tuple<at::Tensor, at::Tensor, at::Tensor>&&; bool <anonymous> = true; _Elements = {at::Tensor, at::Tensor, at::Tensor}]’ not a return-statement
     }
 ^
/usr/include/c++/6/tuple: In instantiation of ‘static constexpr bool std::_TC<<anonymous>, _Elements>::_MoveConstructibleTuple() [with _UElements = {std::tuple<at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor>}; bool <anonymous> = true; _Elements = {at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor}]’:
/usr/include/c++/6/tuple:626:248:   required by substitution of ‘template<class ... _UElements, typename std::enable_if<(((std::_TC<(sizeof... (_UElements) == 1), at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor>::_NotSameTuple<_UElements ...>() && std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor>::_MoveConstructibleTuple<_UElements ...>()) && std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor>::_ImplicitlyMoveConvertibleTuple<_UElements ...>()) && (5ul >= 1)), bool>::type <anonymous> > constexpr std::tuple< <template-parameter-1-1> >::tuple(_UElements&& ...) [with _UElements = {std::tuple<at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor>}; typename std::enable_if<(((std::_TC<(sizeof... (_UElements) == 1), at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor>::_NotSameTuple<_UElements ...>() && std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor>::_MoveConstructibleTuple<_UElements ...>()) && std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor>::_ImplicitlyMoveConvertibleTuple<_UElements ...>()) && (5ul >= 1)), bool>::type <anonymous> = <missing>]’
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/Functions.h:1476:450:   required from here
/usr/include/c++/6/tuple:483:67: error: mismatched argument pack lengths while expanding ‘std::is_constructible<_Elements, _UElements&&>’
       return __and_<is_constructible<_Elements, _UElements&&>...>::value;
                                                                   ^~~~~
/usr/include/c++/6/tuple:484:1: error: body of constexpr function ‘static constexpr bool std::_TC<<anonymous>, _Elements>::_MoveConstructibleTuple() [with _UElements = {std::tuple<at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor>}; bool <anonymous> = true; _Elements = {at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor}]’ not a return-statement
     }
 ^
/usr/include/c++/6/tuple: In instantiation of ‘static constexpr bool std::_TC<<anonymous>, _Elements>::_ImplicitlyMoveConvertibleTuple() [with _UElements = {std::tuple<at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor>}; bool <anonymous> = true; _Elements = {at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor}]’:
/usr/include/c++/6/tuple:626:362:   required by substitution of ‘template<class ... _UElements, typename std::enable_if<(((std::_TC<(sizeof... (_UElements) == 1), at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor>::_NotSameTuple<_UElements ...>() && std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor>::_MoveConstructibleTuple<_UElements ...>()) && std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor>::_ImplicitlyMoveConvertibleTuple<_UElements ...>()) && (5ul >= 1)), bool>::type <anonymous> > constexpr std::tuple< <template-parameter-1-1> >::tuple(_UElements&& ...) [with _UElements = {std::tuple<at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor>}; typename std::enable_if<(((std::_TC<(sizeof... (_UElements) == 1), at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor>::_NotSameTuple<_UElements ...>() && std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor>::_MoveConstructibleTuple<_UElements ...>()) && std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor>::_ImplicitlyMoveConvertibleTuple<_UElements ...>()) && (5ul >= 1)), bool>::type <anonymous> = <missing>]’
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/Functions.h:1476:450:   required from here
/usr/include/c++/6/tuple:489:65: error: mismatched argument pack lengths while expanding ‘std::is_convertible<_UElements&&, _Elements>’
       return __and_<is_convertible<_UElements&&, _Elements>...>::value;
                                                                 ^~~~~
/usr/include/c++/6/tuple:490:1: error: body of constexpr function ‘static constexpr bool std::_TC<<anonymous>, _Elements>::_ImplicitlyMoveConvertibleTuple() [with _UElements = {std::tuple<at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor>}; bool <anonymous> = true; _Elements = {at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor}]’ not a return-statement
     }
 ^
/usr/include/c++/6/tuple: In instantiation of ‘static constexpr bool std::_TC<<anonymous>, _Elements>::_NonNestedTuple() [with _SrcTuple = const std::tuple<at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor>&; bool <anonymous> = true; _Elements = {at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor}]’:
/usr/include/c++/6/tuple:662:419:   required by substitution of ‘template<class ... _UElements, class _Dummy, typename std::enable_if<((std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor>::_ConstructibleTuple<_UElements ...>() && std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor>::_ImplicitlyConvertibleTuple<_UElements ...>()) && std::_TC<(std::is_same<_Dummy, void>::value && (1ul == 1)), at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor>::_NonNestedTuple<const tuple<_Elements ...>&>()), bool>::type <anonymous> > constexpr std::tuple< <template-parameter-1-1> >::tuple(const std::tuple<_Args1 ...>&) [with _UElements = {at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor}; _Dummy = void; typename std::enable_if<((std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor>::_ConstructibleTuple<_UElements ...>() && std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor>::_ImplicitlyConvertibleTuple<_UElements ...>()) && std::_TC<(std::is_same<_Dummy, void>::value && (1ul == 1)), at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor>::_NonNestedTuple<const tuple<_Elements ...>&>()), bool>::type <anonymous> = <missing>]’
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/Functions.h:1476:450:   required from here
/usr/include/c++/6/tuple:495:244: error: wrong number of template arguments (6, should be 2)
       return  __and_<__not_<is_same<tuple<_Elements...>,
                                                                                                                                                                                                                                                    ^
/usr/include/c++/6/type_traits:1558:8: note: provided for ‘template<class _From, class _To> struct std::is_convertible’
     struct is_convertible
        ^~~~~~~~~~~~~~
/usr/include/c++/6/tuple:502:1: error: body of constexpr function ‘static constexpr bool std::_TC<<anonymous>, _Elements>::_NonNestedTuple() [with _SrcTuple = const std::tuple<at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor>&; bool <anonymous> = true; _Elements = {at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor}]’ not a return-statement
     }
 ^
/usr/include/c++/6/tuple: In instantiation of ‘static constexpr bool std::_TC<<anonymous>, _Elements>::_NonNestedTuple() [with _SrcTuple = std::tuple<at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor>&&; bool <anonymous> = true; _Elements = {at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor}]’:
/usr/include/c++/6/tuple:686:422:   required by substitution of ‘template<class ... _UElements, class _Dummy, typename std::enable_if<((std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor>::_MoveConstructibleTuple<_UElements ...>() && std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor>::_ImplicitlyMoveConvertibleTuple<_UElements ...>()) && std::_TC<(std::is_same<_Dummy, void>::value && (1ul == 1)), at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor>::_NonNestedTuple<tuple<_Elements ...>&&>()), bool>::type <anonymous> > constexpr std::tuple< <template-parameter-1-1> >::tuple(std::tuple<_Args1 ...>&&) [with _UElements = {at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor}; _Dummy = void; typename std::enable_if<((std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor>::_MoveConstructibleTuple<_UElements ...>() && std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor>::_ImplicitlyMoveConvertibleTuple<_UElements ...>()) && std::_TC<(std::is_same<_Dummy, void>::value && (1ul == 1)), at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor>::_NonNestedTuple<tuple<_Elements ...>&&>()), bool>::type <anonymous> = <missing>]’
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/Functions.h:1476:450:   required from here
/usr/include/c++/6/tuple:495:244: error: wrong number of template arguments (6, should be 2)
       return  __and_<__not_<is_same<tuple<_Elements...>,
                                                                                                                                                                                                                                                    ^
/usr/include/c++/6/type_traits:1558:8: note: provided for ‘template<class _From, class _To> struct std::is_convertible’
     struct is_convertible
        ^~~~~~~~~~~~~~
/usr/include/c++/6/tuple:502:1: error: body of constexpr function ‘static constexpr bool std::_TC<<anonymous>, _Elements>::_NonNestedTuple() [with _SrcTuple = std::tuple<at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor>&&; bool <anonymous> = true; _Elements = {at::Tensor, at::Tensor, at::Tensor, at::Tensor, at::Tensor}]’ not a return-statement
     }
 ^
/usr/include/c++/6/tuple: In instantiation of ‘static constexpr bool std::_TC<<anonymous>, _Elements>::_MoveConstructibleTuple() [with _UElements = {std::tuple<at::Tensor, at::Tensor, at::Tensor, std::vector<at::Tensor, std::allocator<at::Tensor> > >}; bool <anonymous> = true; _Elements = {at::Tensor, at::Tensor, at::Tensor, std::vector<at::Tensor, std::allocator<at::Tensor> >}]’:
/usr/include/c++/6/tuple:626:248:   required by substitution of ‘template<class ... _UElements, typename std::enable_if<(((std::_TC<(sizeof... (_UElements) == 1), at::Tensor, at::Tensor, at::Tensor, std::vector<at::Tensor, std::allocator<at::Tensor> > >::_NotSameTuple<_UElements ...>() && std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, at::Tensor, std::vector<at::Tensor, std::allocator<at::Tensor> > >::_MoveConstructibleTuple<_UElements ...>()) && std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, at::Tensor, std::vector<at::Tensor, std::allocator<at::Tensor> > >::_ImplicitlyMoveConvertibleTuple<_UElements ...>()) && (4ul >= 1)), bool>::type <anonymous> > constexpr std::tuple< <template-parameter-1-1> >::tuple(_UElements&& ...) [with _UElements = {std::tuple<at::Tensor, at::Tensor, at::Tensor, std::vector<at::Tensor, std::allocator<at::Tensor> > >}; typename std::enable_if<(((std::_TC<(sizeof... (_UElements) == 1), at::Tensor, at::Tensor, at::Tensor, std::vector<at::Tensor, std::allocator<at::Tensor> > >::_NotSameTuple<_UElements ...>() && std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, at::Tensor, std::vector<at::Tensor, std::allocator<at::Tensor> > >::_MoveConstructibleTuple<_UElements ...>()) && std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, at::Tensor, std::vector<at::Tensor, std::allocator<at::Tensor> > >::_ImplicitlyMoveConvertibleTuple<_UElements ...>()) && (4ul >= 1)), bool>::type <anonymous> = <missing>]’
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/Functions.h:1492:115:   required from here
/usr/include/c++/6/tuple:483:67: error: mismatched argument pack lengths while expanding ‘std::is_constructible<_Elements, _UElements&&>’
       return __and_<is_constructible<_Elements, _UElements&&>...>::value;
                                                                   ^~~~~
/usr/include/c++/6/tuple:484:1: error: body of constexpr function ‘static constexpr bool std::_TC<<anonymous>, _Elements>::_MoveConstructibleTuple() [with _UElements = {std::tuple<at::Tensor, at::Tensor, at::Tensor, std::vector<at::Tensor, std::allocator<at::Tensor> > >}; bool <anonymous> = true; _Elements = {at::Tensor, at::Tensor, at::Tensor, std::vector<at::Tensor, std::allocator<at::Tensor> >}]’ not a return-statement
     }
 ^
/usr/include/c++/6/tuple: In instantiation of ‘static constexpr bool std::_TC<<anonymous>, _Elements>::_ImplicitlyMoveConvertibleTuple() [with _UElements = {std::tuple<at::Tensor, at::Tensor, at::Tensor, std::vector<at::Tensor, std::allocator<at::Tensor> > >}; bool <anonymous> = true; _Elements = {at::Tensor, at::Tensor, at::Tensor, std::vector<at::Tensor, std::allocator<at::Tensor> >}]’:
/usr/include/c++/6/tuple:626:362:   required by substitution of ‘template<class ... _UElements, typename std::enable_if<(((std::_TC<(sizeof... (_UElements) == 1), at::Tensor, at::Tensor, at::Tensor, std::vector<at::Tensor, std::allocator<at::Tensor> > >::_NotSameTuple<_UElements ...>() && std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, at::Tensor, std::vector<at::Tensor, std::allocator<at::Tensor> > >::_MoveConstructibleTuple<_UElements ...>()) && std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, at::Tensor, std::vector<at::Tensor, std::allocator<at::Tensor> > >::_ImplicitlyMoveConvertibleTuple<_UElements ...>()) && (4ul >= 1)), bool>::type <anonymous> > constexpr std::tuple< <template-parameter-1-1> >::tuple(_UElements&& ...) [with _UElements = {std::tuple<at::Tensor, at::Tensor, at::Tensor, std::vector<at::Tensor, std::allocator<at::Tensor> > >}; typename std::enable_if<(((std::_TC<(sizeof... (_UElements) == 1), at::Tensor, at::Tensor, at::Tensor, std::vector<at::Tensor, std::allocator<at::Tensor> > >::_NotSameTuple<_UElements ...>() && std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, at::Tensor, std::vector<at::Tensor, std::allocator<at::Tensor> > >::_MoveConstructibleTuple<_UElements ...>()) && std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, at::Tensor, std::vector<at::Tensor, std::allocator<at::Tensor> > >::_ImplicitlyMoveConvertibleTuple<_UElements ...>()) && (4ul >= 1)), bool>::type <anonymous> = <missing>]’
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/Functions.h:1492:115:   required from here
/usr/include/c++/6/tuple:489:65: error: mismatched argument pack lengths while expanding ‘std::is_convertible<_UElements&&, _Elements>’
       return __and_<is_convertible<_UElements&&, _Elements>...>::value;
                                                                 ^~~~~
/usr/include/c++/6/tuple:490:1: error: body of constexpr function ‘static constexpr bool std::_TC<<anonymous>, _Elements>::_ImplicitlyMoveConvertibleTuple() [with _UElements = {std::tuple<at::Tensor, at::Tensor, at::Tensor, std::vector<at::Tensor, std::allocator<at::Tensor> > >}; bool <anonymous> = true; _Elements = {at::Tensor, at::Tensor, at::Tensor, std::vector<at::Tensor, std::allocator<at::Tensor> >}]’ not a return-statement
     }
 ^
/usr/include/c++/6/tuple: In instantiation of ‘static constexpr bool std::_TC<<anonymous>, _Elements>::_NonNestedTuple() [with _SrcTuple = const std::tuple<at::Tensor, at::Tensor, at::Tensor, std::vector<at::Tensor, std::allocator<at::Tensor> > >&; bool <anonymous> = true; _Elements = {at::Tensor, at::Tensor, at::Tensor, std::vector<at::Tensor, std::allocator<at::Tensor> >}]’:
/usr/include/c++/6/tuple:662:419:   required by substitution of ‘template<class ... _UElements, class _Dummy, typename std::enable_if<((std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, at::Tensor, std::vector<at::Tensor, std::allocator<at::Tensor> > >::_ConstructibleTuple<_UElements ...>() && std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, at::Tensor, std::vector<at::Tensor, std::allocator<at::Tensor> > >::_ImplicitlyConvertibleTuple<_UElements ...>()) && std::_TC<(std::is_same<_Dummy, void>::value && (1ul == 1)), at::Tensor, at::Tensor, at::Tensor, std::vector<at::Tensor, std::allocator<at::Tensor> > >::_NonNestedTuple<const tuple<_Elements ...>&>()), bool>::type <anonymous> > constexpr std::tuple< <template-parameter-1-1> >::tuple(const std::tuple<_Args1 ...>&) [with _UElements = {at::Tensor, at::Tensor, at::Tensor, std::vector<at::Tensor, std::allocator<at::Tensor> >}; _Dummy = void; typename std::enable_if<((std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, at::Tensor, std::vector<at::Tensor, std::allocator<at::Tensor> > >::_ConstructibleTuple<_UElements ...>() && std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, at::Tensor, std::vector<at::Tensor, std::allocator<at::Tensor> > >::_ImplicitlyConvertibleTuple<_UElements ...>()) && std::_TC<(std::is_same<_Dummy, void>::value && (1ul == 1)), at::Tensor, at::Tensor, at::Tensor, std::vector<at::Tensor, std::allocator<at::Tensor> > >::_NonNestedTuple<const tuple<_Elements ...>&>()), bool>::type <anonymous> = <missing>]’
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/Functions.h:1492:115:   required from here
/usr/include/c++/6/tuple:495:244: error: wrong number of template arguments (5, should be 2)
       return  __and_<__not_<is_same<tuple<_Elements...>,
                                                                                                                                                                                                                                                    ^
/usr/include/c++/6/type_traits:1558:8: note: provided for ‘template<class _From, class _To> struct std::is_convertible’
     struct is_convertible
        ^~~~~~~~~~~~~~
/usr/include/c++/6/tuple:502:1: error: body of constexpr function ‘static constexpr bool std::_TC<<anonymous>, _Elements>::_NonNestedTuple() [with _SrcTuple = const std::tuple<at::Tensor, at::Tensor, at::Tensor, std::vector<at::Tensor, std::allocator<at::Tensor> > >&; bool <anonymous> = true; _Elements = {at::Tensor, at::Tensor, at::Tensor, std::vector<at::Tensor, std::allocator<at::Tensor> >}]’ not a return-statement
     }
 ^
/usr/include/c++/6/tuple: In instantiation of ‘static constexpr bool std::_TC<<anonymous>, _Elements>::_NonNestedTuple() [with _SrcTuple = std::tuple<at::Tensor, at::Tensor, at::Tensor, std::vector<at::Tensor, std::allocator<at::Tensor> > >&&; bool <anonymous> = true; _Elements = {at::Tensor, at::Tensor, at::Tensor, std::vector<at::Tensor, std::allocator<at::Tensor> >}]’:
/usr/include/c++/6/tuple:686:422:   required by substitution of ‘template<class ... _UElements, class _Dummy, typename std::enable_if<((std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, at::Tensor, std::vector<at::Tensor, std::allocator<at::Tensor> > >::_MoveConstructibleTuple<_UElements ...>() && std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, at::Tensor, std::vector<at::Tensor, std::allocator<at::Tensor> > >::_ImplicitlyMoveConvertibleTuple<_UElements ...>()) && std::_TC<(std::is_same<_Dummy, void>::value && (1ul == 1)), at::Tensor, at::Tensor, at::Tensor, std::vector<at::Tensor, std::allocator<at::Tensor> > >::_NonNestedTuple<tuple<_Elements ...>&&>()), bool>::type <anonymous> > constexpr std::tuple< <template-parameter-1-1> >::tuple(std::tuple<_Args1 ...>&&) [with _UElements = {at::Tensor, at::Tensor, at::Tensor, std::vector<at::Tensor, std::allocator<at::Tensor> >}; _Dummy = void; typename std::enable_if<((std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, at::Tensor, std::vector<at::Tensor, std::allocator<at::Tensor> > >::_MoveConstructibleTuple<_UElements ...>() && std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, at::Tensor, std::vector<at::Tensor, std::allocator<at::Tensor> > >::_ImplicitlyMoveConvertibleTuple<_UElements ...>()) && std::_TC<(std::is_same<_Dummy, void>::value && (1ul == 1)), at::Tensor, at::Tensor, at::Tensor, std::vector<at::Tensor, std::allocator<at::Tensor> > >::_NonNestedTuple<tuple<_Elements ...>&&>()), bool>::type <anonymous> = <missing>]’
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/Functions.h:1492:115:   required from here
/usr/include/c++/6/tuple:495:244: error: wrong number of template arguments (5, should be 2)
       return  __and_<__not_<is_same<tuple<_Elements...>,
                                                                                                                                                                                                                                                    ^
/usr/include/c++/6/type_traits:1558:8: note: provided for ‘template<class _From, class _To> struct std::is_convertible’
     struct is_convertible
        ^~~~~~~~~~~~~~
/usr/include/c++/6/tuple:502:1: error: body of constexpr function ‘static constexpr bool std::_TC<<anonymous>, _Elements>::_NonNestedTuple() [with _SrcTuple = std::tuple<at::Tensor, at::Tensor, at::Tensor, std::vector<at::Tensor, std::allocator<at::Tensor> > >&&; bool <anonymous> = true; _Elements = {at::Tensor, at::Tensor, at::Tensor, std::vector<at::Tensor, std::allocator<at::Tensor> >}]’ not a return-statement
     }
 ^
/usr/include/c++/6/tuple: In instantiation of ‘static constexpr bool std::_TC<<anonymous>, _Elements>::_MoveConstructibleTuple() [with _UElements = {std::tuple<at::Tensor, at::Tensor, at::Tensor, long int>}; bool <anonymous> = true; _Elements = {at::Tensor, at::Tensor, at::Tensor, long int}]’:
/usr/include/c++/6/tuple:626:248:   required by substitution of ‘template<class ... _UElements, typename std::enable_if<(((std::_TC<(sizeof... (_UElements) == 1), at::Tensor, at::Tensor, at::Tensor, long int>::_NotSameTuple<_UElements ...>() && std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, at::Tensor, long int>::_MoveConstructibleTuple<_UElements ...>()) && std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, at::Tensor, long int>::_ImplicitlyMoveConvertibleTuple<_UElements ...>()) && (4ul >= 1)), bool>::type <anonymous> > constexpr std::tuple< <template-parameter-1-1> >::tuple(_UElements&& ...) [with _UElements = {std::tuple<at::Tensor, at::Tensor, at::Tensor, long int>}; typename std::enable_if<(((std::_TC<(sizeof... (_UElements) == 1), at::Tensor, at::Tensor, at::Tensor, long int>::_NotSameTuple<_UElements ...>() && std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, at::Tensor, long int>::_MoveConstructibleTuple<_UElements ...>()) && std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, at::Tensor, long int>::_ImplicitlyMoveConvertibleTuple<_UElements ...>()) && (4ul >= 1)), bool>::type <anonymous> = <missing>]’
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/Functions.h:2265:276:   required from here
/usr/include/c++/6/tuple:483:67: error: mismatched argument pack lengths while expanding ‘std::is_constructible<_Elements, _UElements&&>’
       return __and_<is_constructible<_Elements, _UElements&&>...>::value;
                                                                   ^~~~~
/usr/include/c++/6/tuple:484:1: error: body of constexpr function ‘static constexpr bool std::_TC<<anonymous>, _Elements>::_MoveConstructibleTuple() [with _UElements = {std::tuple<at::Tensor, at::Tensor, at::Tensor, long int>}; bool <anonymous> = true; _Elements = {at::Tensor, at::Tensor, at::Tensor, long int}]’ not a return-statement
     }
 ^
/usr/include/c++/6/tuple: In instantiation of ‘static constexpr bool std::_TC<<anonymous>, _Elements>::_ImplicitlyMoveConvertibleTuple() [with _UElements = {std::tuple<at::Tensor, at::Tensor, at::Tensor, long int>}; bool <anonymous> = true; _Elements = {at::Tensor, at::Tensor, at::Tensor, long int}]’:
/usr/include/c++/6/tuple:626:362:   required by substitution of ‘template<class ... _UElements, typename std::enable_if<(((std::_TC<(sizeof... (_UElements) == 1), at::Tensor, at::Tensor, at::Tensor, long int>::_NotSameTuple<_UElements ...>() && std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, at::Tensor, long int>::_MoveConstructibleTuple<_UElements ...>()) && std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, at::Tensor, long int>::_ImplicitlyMoveConvertibleTuple<_UElements ...>()) && (4ul >= 1)), bool>::type <anonymous> > constexpr std::tuple< <template-parameter-1-1> >::tuple(_UElements&& ...) [with _UElements = {std::tuple<at::Tensor, at::Tensor, at::Tensor, long int>}; typename std::enable_if<(((std::_TC<(sizeof... (_UElements) == 1), at::Tensor, at::Tensor, at::Tensor, long int>::_NotSameTuple<_UElements ...>() && std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, at::Tensor, long int>::_MoveConstructibleTuple<_UElements ...>()) && std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, at::Tensor, long int>::_ImplicitlyMoveConvertibleTuple<_UElements ...>()) && (4ul >= 1)), bool>::type <anonymous> = <missing>]’
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/Functions.h:2265:276:   required from here
/usr/include/c++/6/tuple:489:65: error: mismatched argument pack lengths while expanding ‘std::is_convertible<_UElements&&, _Elements>’
       return __and_<is_convertible<_UElements&&, _Elements>...>::value;
                                                                 ^~~~~
/usr/include/c++/6/tuple:490:1: error: body of constexpr function ‘static constexpr bool std::_TC<<anonymous>, _Elements>::_ImplicitlyMoveConvertibleTuple() [with _UElements = {std::tuple<at::Tensor, at::Tensor, at::Tensor, long int>}; bool <anonymous> = true; _Elements = {at::Tensor, at::Tensor, at::Tensor, long int}]’ not a return-statement
     }
 ^
/usr/include/c++/6/tuple: In instantiation of ‘static constexpr bool std::_TC<<anonymous>, _Elements>::_NonNestedTuple() [with _SrcTuple = const std::tuple<at::Tensor, at::Tensor, at::Tensor, long int>&; bool <anonymous> = true; _Elements = {at::Tensor, at::Tensor, at::Tensor, long int}]’:
/usr/include/c++/6/tuple:662:419:   required by substitution of ‘template<class ... _UElements, class _Dummy, typename std::enable_if<((std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, at::Tensor, long int>::_ConstructibleTuple<_UElements ...>() && std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, at::Tensor, long int>::_ImplicitlyConvertibleTuple<_UElements ...>()) && std::_TC<(std::is_same<_Dummy, void>::value && (1ul == 1)), at::Tensor, at::Tensor, at::Tensor, long int>::_NonNestedTuple<const tuple<_Elements ...>&>()), bool>::type <anonymous> > constexpr std::tuple< <template-parameter-1-1> >::tuple(const std::tuple<_Args1 ...>&) [with _UElements = {at::Tensor, at::Tensor, at::Tensor, long int}; _Dummy = void; typename std::enable_if<((std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, at::Tensor, long int>::_ConstructibleTuple<_UElements ...>() && std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, at::Tensor, long int>::_ImplicitlyConvertibleTuple<_UElements ...>()) && std::_TC<(std::is_same<_Dummy, void>::value && (1ul == 1)), at::Tensor, at::Tensor, at::Tensor, long int>::_NonNestedTuple<const tuple<_Elements ...>&>()), bool>::type <anonymous> = <missing>]’
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/Functions.h:2265:276:   required from here
/usr/include/c++/6/tuple:495:244: error: wrong number of template arguments (5, should be 2)
       return  __and_<__not_<is_same<tuple<_Elements...>,
                                                                                                                                                                                                                                                    ^
/usr/include/c++/6/type_traits:1558:8: note: provided for ‘template<class _From, class _To> struct std::is_convertible’
     struct is_convertible
        ^~~~~~~~~~~~~~
/usr/include/c++/6/tuple:502:1: error: body of constexpr function ‘static constexpr bool std::_TC<<anonymous>, _Elements>::_NonNestedTuple() [with _SrcTuple = const std::tuple<at::Tensor, at::Tensor, at::Tensor, long int>&; bool <anonymous> = true; _Elements = {at::Tensor, at::Tensor, at::Tensor, long int}]’ not a return-statement
     }
 ^
/usr/include/c++/6/tuple: In instantiation of ‘static constexpr bool std::_TC<<anonymous>, _Elements>::_NonNestedTuple() [with _SrcTuple = std::tuple<at::Tensor, at::Tensor, at::Tensor, long int>&&; bool <anonymous> = true; _Elements = {at::Tensor, at::Tensor, at::Tensor, long int}]’:
/usr/include/c++/6/tuple:686:422:   required by substitution of ‘template<class ... _UElements, class _Dummy, typename std::enable_if<((std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, at::Tensor, long int>::_MoveConstructibleTuple<_UElements ...>() && std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, at::Tensor, long int>::_ImplicitlyMoveConvertibleTuple<_UElements ...>()) && std::_TC<(std::is_same<_Dummy, void>::value && (1ul == 1)), at::Tensor, at::Tensor, at::Tensor, long int>::_NonNestedTuple<tuple<_Elements ...>&&>()), bool>::type <anonymous> > constexpr std::tuple< <template-parameter-1-1> >::tuple(std::tuple<_Args1 ...>&&) [with _UElements = {at::Tensor, at::Tensor, at::Tensor, long int}; _Dummy = void; typename std::enable_if<((std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, at::Tensor, long int>::_MoveConstructibleTuple<_UElements ...>() && std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, at::Tensor, long int>::_ImplicitlyMoveConvertibleTuple<_UElements ...>()) && std::_TC<(std::is_same<_Dummy, void>::value && (1ul == 1)), at::Tensor, at::Tensor, at::Tensor, long int>::_NonNestedTuple<tuple<_Elements ...>&&>()), bool>::type <anonymous> = <missing>]’
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/Functions.h:2265:276:   required from here
/usr/include/c++/6/tuple:495:244: error: wrong number of template arguments (5, should be 2)
       return  __and_<__not_<is_same<tuple<_Elements...>,
                                                                                                                                                                                                                                                    ^
/usr/include/c++/6/type_traits:1558:8: note: provided for ‘template<class _From, class _To> struct std::is_convertible’
     struct is_convertible
        ^~~~~~~~~~~~~~
/usr/include/c++/6/tuple:502:1: error: body of constexpr function ‘static constexpr bool std::_TC<<anonymous>, _Elements>::_NonNestedTuple() [with _SrcTuple = std::tuple<at::Tensor, at::Tensor, at::Tensor, long int>&&; bool <anonymous> = true; _Elements = {at::Tensor, at::Tensor, at::Tensor, long int}]’ not a return-statement
     }
 ^
/usr/include/c++/6/tuple: In instantiation of ‘static constexpr bool std::_TC<<anonymous>, _Elements>::_MoveConstructibleTuple() [with _UElements = {std::tuple<at::Tensor, at::Tensor, at::Tensor, at::Tensor>}; bool <anonymous> = true; _Elements = {at::Tensor, at::Tensor, at::Tensor, at::Tensor}]’:
/usr/include/c++/6/tuple:626:248:   required by substitution of ‘template<class ... _UElements, typename std::enable_if<(((std::_TC<(sizeof... (_UElements) == 1), at::Tensor, at::Tensor, at::Tensor, at::Tensor>::_NotSameTuple<_UElements ...>() && std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, at::Tensor, at::Tensor>::_MoveConstructibleTuple<_UElements ...>()) && std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, at::Tensor, at::Tensor>::_ImplicitlyMoveConvertibleTuple<_UElements ...>()) && (4ul >= 1)), bool>::type <anonymous> > constexpr std::tuple< <template-parameter-1-1> >::tuple(_UElements&& ...) [with _UElements = {std::tuple<at::Tensor, at::Tensor, at::Tensor, at::Tensor>}; typename std::enable_if<(((std::_TC<(sizeof... (_UElements) == 1), at::Tensor, at::Tensor, at::Tensor, at::Tensor>::_NotSameTuple<_UElements ...>() && std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, at::Tensor, at::Tensor>::_MoveConstructibleTuple<_UElements ...>()) && std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, at::Tensor, at::Tensor>::_ImplicitlyMoveConvertibleTuple<_UElements ...>()) && (4ul >= 1)), bool>::type <anonymous> = <missing>]’
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/Functions.h:3451:244:   required from here
/usr/include/c++/6/tuple:483:67: error: mismatched argument pack lengths while expanding ‘std::is_constructible<_Elements, _UElements&&>’
       return __and_<is_constructible<_Elements, _UElements&&>...>::value;
                                                                   ^~~~~
/usr/include/c++/6/tuple:484:1: error: body of constexpr function ‘static constexpr bool std::_TC<<anonymous>, _Elements>::_MoveConstructibleTuple() [with _UElements = {std::tuple<at::Tensor, at::Tensor, at::Tensor, at::Tensor>}; bool <anonymous> = true; _Elements = {at::Tensor, at::Tensor, at::Tensor, at::Tensor}]’ not a return-statement
     }
 ^
/usr/include/c++/6/tuple: In instantiation of ‘static constexpr bool std::_TC<<anonymous>, _Elements>::_ImplicitlyMoveConvertibleTuple() [with _UElements = {std::tuple<at::Tensor, at::Tensor, at::Tensor, at::Tensor>}; bool <anonymous> = true; _Elements = {at::Tensor, at::Tensor, at::Tensor, at::Tensor}]’:
/usr/include/c++/6/tuple:626:362:   required by substitution of ‘template<class ... _UElements, typename std::enable_if<(((std::_TC<(sizeof... (_UElements) == 1), at::Tensor, at::Tensor, at::Tensor, at::Tensor>::_NotSameTuple<_UElements ...>() && std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, at::Tensor, at::Tensor>::_MoveConstructibleTuple<_UElements ...>()) && std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, at::Tensor, at::Tensor>::_ImplicitlyMoveConvertibleTuple<_UElements ...>()) && (4ul >= 1)), bool>::type <anonymous> > constexpr std::tuple< <template-parameter-1-1> >::tuple(_UElements&& ...) [with _UElements = {std::tuple<at::Tensor, at::Tensor, at::Tensor, at::Tensor>}; typename std::enable_if<(((std::_TC<(sizeof... (_UElements) == 1), at::Tensor, at::Tensor, at::Tensor, at::Tensor>::_NotSameTuple<_UElements ...>() && std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, at::Tensor, at::Tensor>::_MoveConstructibleTuple<_UElements ...>()) && std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, at::Tensor, at::Tensor>::_ImplicitlyMoveConvertibleTuple<_UElements ...>()) && (4ul >= 1)), bool>::type <anonymous> = <missing>]’
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/Functions.h:3451:244:   required from here
/usr/include/c++/6/tuple:489:65: error: mismatched argument pack lengths while expanding ‘std::is_convertible<_UElements&&, _Elements>’
       return __and_<is_convertible<_UElements&&, _Elements>...>::value;
                                                                 ^~~~~
/usr/include/c++/6/tuple:490:1: error: body of constexpr function ‘static constexpr bool std::_TC<<anonymous>, _Elements>::_ImplicitlyMoveConvertibleTuple() [with _UElements = {std::tuple<at::Tensor, at::Tensor, at::Tensor, at::Tensor>}; bool <anonymous> = true; _Elements = {at::Tensor, at::Tensor, at::Tensor, at::Tensor}]’ not a return-statement
     }
 ^
/usr/include/c++/6/tuple: In instantiation of ‘static constexpr bool std::_TC<<anonymous>, _Elements>::_NonNestedTuple() [with _SrcTuple = const std::tuple<at::Tensor, at::Tensor, at::Tensor, at::Tensor>&; bool <anonymous> = true; _Elements = {at::Tensor, at::Tensor, at::Tensor, at::Tensor}]’:
/usr/include/c++/6/tuple:662:419:   required by substitution of ‘template<class ... _UElements, class _Dummy, typename std::enable_if<((std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, at::Tensor, at::Tensor>::_ConstructibleTuple<_UElements ...>() && std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, at::Tensor, at::Tensor>::_ImplicitlyConvertibleTuple<_UElements ...>()) && std::_TC<(std::is_same<_Dummy, void>::value && (1ul == 1)), at::Tensor, at::Tensor, at::Tensor, at::Tensor>::_NonNestedTuple<const tuple<_Elements ...>&>()), bool>::type <anonymous> > constexpr std::tuple< <template-parameter-1-1> >::tuple(const std::tuple<_Args1 ...>&) [with _UElements = {at::Tensor, at::Tensor, at::Tensor, at::Tensor}; _Dummy = void; typename std::enable_if<((std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, at::Tensor, at::Tensor>::_ConstructibleTuple<_UElements ...>() && std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, at::Tensor, at::Tensor>::_ImplicitlyConvertibleTuple<_UElements ...>()) && std::_TC<(std::is_same<_Dummy, void>::value && (1ul == 1)), at::Tensor, at::Tensor, at::Tensor, at::Tensor>::_NonNestedTuple<const tuple<_Elements ...>&>()), bool>::type <anonymous> = <missing>]’
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/Functions.h:3451:244:   required from here
/usr/include/c++/6/tuple:495:244: error: wrong number of template arguments (5, should be 2)
       return  __and_<__not_<is_same<tuple<_Elements...>,
                                                                                                                                                                                                                                                    ^
/usr/include/c++/6/type_traits:1558:8: note: provided for ‘template<class _From, class _To> struct std::is_convertible’
     struct is_convertible
        ^~~~~~~~~~~~~~
/usr/include/c++/6/tuple:502:1: error: body of constexpr function ‘static constexpr bool std::_TC<<anonymous>, _Elements>::_NonNestedTuple() [with _SrcTuple = const std::tuple<at::Tensor, at::Tensor, at::Tensor, at::Tensor>&; bool <anonymous> = true; _Elements = {at::Tensor, at::Tensor, at::Tensor, at::Tensor}]’ not a return-statement
     }
 ^
/usr/include/c++/6/tuple: In instantiation of ‘static constexpr bool std::_TC<<anonymous>, _Elements>::_NonNestedTuple() [with _SrcTuple = std::tuple<at::Tensor, at::Tensor, at::Tensor, at::Tensor>&&; bool <anonymous> = true; _Elements = {at::Tensor, at::Tensor, at::Tensor, at::Tensor}]’:
/usr/include/c++/6/tuple:686:422:   required by substitution of ‘template<class ... _UElements, class _Dummy, typename std::enable_if<((std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, at::Tensor, at::Tensor>::_MoveConstructibleTuple<_UElements ...>() && std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, at::Tensor, at::Tensor>::_ImplicitlyMoveConvertibleTuple<_UElements ...>()) && std::_TC<(std::is_same<_Dummy, void>::value && (1ul == 1)), at::Tensor, at::Tensor, at::Tensor, at::Tensor>::_NonNestedTuple<tuple<_Elements ...>&&>()), bool>::type <anonymous> > constexpr std::tuple< <template-parameter-1-1> >::tuple(std::tuple<_Args1 ...>&&) [with _UElements = {at::Tensor, at::Tensor, at::Tensor, at::Tensor}; _Dummy = void; typename std::enable_if<((std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, at::Tensor, at::Tensor>::_MoveConstructibleTuple<_UElements ...>() && std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, at::Tensor, at::Tensor>::_ImplicitlyMoveConvertibleTuple<_UElements ...>()) && std::_TC<(std::is_same<_Dummy, void>::value && (1ul == 1)), at::Tensor, at::Tensor, at::Tensor, at::Tensor>::_NonNestedTuple<tuple<_Elements ...>&&>()), bool>::type <anonymous> = <missing>]’
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/Functions.h:3451:244:   required from here
/usr/include/c++/6/tuple:495:244: error: wrong number of template arguments (5, should be 2)
       return  __and_<__not_<is_same<tuple<_Elements...>,
                                                                                                                                                                                                                                                    ^
/usr/include/c++/6/type_traits:1558:8: note: provided for ‘template<class _From, class _To> struct std::is_convertible’
     struct is_convertible
        ^~~~~~~~~~~~~~
/usr/include/c++/6/tuple:502:1: error: body of constexpr function ‘static constexpr bool std::_TC<<anonymous>, _Elements>::_NonNestedTuple() [with _SrcTuple = std::tuple<at::Tensor, at::Tensor, at::Tensor, at::Tensor>&&; bool <anonymous> = true; _Elements = {at::Tensor, at::Tensor, at::Tensor, at::Tensor}]’ not a return-statement
     }
 ^
/usr/include/c++/6/tuple: In instantiation of ‘static constexpr bool std::_TC<<anonymous>, _Elements>::_MoveConstructibleTuple() [with _UElements = {std::tuple<at::Tensor, at::Tensor, double, long int>}; bool <anonymous> = true; _Elements = {at::Tensor, at::Tensor, double, long int}]’:
/usr/include/c++/6/tuple:626:248:   required by substitution of ‘template<class ... _UElements, typename std::enable_if<(((std::_TC<(sizeof... (_UElements) == 1), at::Tensor, at::Tensor, double, long int>::_NotSameTuple<_UElements ...>() && std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, double, long int>::_MoveConstructibleTuple<_UElements ...>()) && std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, double, long int>::_ImplicitlyMoveConvertibleTuple<_UElements ...>()) && (4ul >= 1)), bool>::type <anonymous> > constexpr std::tuple< <template-parameter-1-1> >::tuple(_UElements&& ...) [with _UElements = {std::tuple<at::Tensor, at::Tensor, double, long int>}; typename std::enable_if<(((std::_TC<(sizeof... (_UElements) == 1), at::Tensor, at::Tensor, double, long int>::_NotSameTuple<_UElements ...>() && std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, double, long int>::_MoveConstructibleTuple<_UElements ...>()) && std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, double, long int>::_ImplicitlyMoveConvertibleTuple<_UElements ...>()) && (4ul >= 1)), bool>::type <anonymous> = <missing>]’
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/Functions.h:4625:206:   required from here
/usr/include/c++/6/tuple:483:67: error: mismatched argument pack lengths while expanding ‘std::is_constructible<_Elements, _UElements&&>’
       return __and_<is_constructible<_Elements, _UElements&&>...>::value;
                                                                   ^~~~~
/usr/include/c++/6/tuple:484:1: error: body of constexpr function ‘static constexpr bool std::_TC<<anonymous>, _Elements>::_MoveConstructibleTuple() [with _UElements = {std::tuple<at::Tensor, at::Tensor, double, long int>}; bool <anonymous> = true; _Elements = {at::Tensor, at::Tensor, double, long int}]’ not a return-statement
     }
 ^
/usr/include/c++/6/tuple: In instantiation of ‘static constexpr bool std::_TC<<anonymous>, _Elements>::_ImplicitlyMoveConvertibleTuple() [with _UElements = {std::tuple<at::Tensor, at::Tensor, double, long int>}; bool <anonymous> = true; _Elements = {at::Tensor, at::Tensor, double, long int}]’:
/usr/include/c++/6/tuple:626:362:   required by substitution of ‘template<class ... _UElements, typename std::enable_if<(((std::_TC<(sizeof... (_UElements) == 1), at::Tensor, at::Tensor, double, long int>::_NotSameTuple<_UElements ...>() && std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, double, long int>::_MoveConstructibleTuple<_UElements ...>()) && std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, double, long int>::_ImplicitlyMoveConvertibleTuple<_UElements ...>()) && (4ul >= 1)), bool>::type <anonymous> > constexpr std::tuple< <template-parameter-1-1> >::tuple(_UElements&& ...) [with _UElements = {std::tuple<at::Tensor, at::Tensor, double, long int>}; typename std::enable_if<(((std::_TC<(sizeof... (_UElements) == 1), at::Tensor, at::Tensor, double, long int>::_NotSameTuple<_UElements ...>() && std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, double, long int>::_MoveConstructibleTuple<_UElements ...>()) && std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, double, long int>::_ImplicitlyMoveConvertibleTuple<_UElements ...>()) && (4ul >= 1)), bool>::type <anonymous> = <missing>]’
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/Functions.h:4625:206:   required from here
/usr/include/c++/6/tuple:489:65: error: mismatched argument pack lengths while expanding ‘std::is_convertible<_UElements&&, _Elements>’
       return __and_<is_convertible<_UElements&&, _Elements>...>::value;
                                                                 ^~~~~
/usr/include/c++/6/tuple:490:1: error: body of constexpr function ‘static constexpr bool std::_TC<<anonymous>, _Elements>::_ImplicitlyMoveConvertibleTuple() [with _UElements = {std::tuple<at::Tensor, at::Tensor, double, long int>}; bool <anonymous> = true; _Elements = {at::Tensor, at::Tensor, double, long int}]’ not a return-statement
     }
 ^
/usr/include/c++/6/tuple: In instantiation of ‘static constexpr bool std::_TC<<anonymous>, _Elements>::_NonNestedTuple() [with _SrcTuple = const std::tuple<at::Tensor, at::Tensor, double, long int>&; bool <anonymous> = true; _Elements = {at::Tensor, at::Tensor, double, long int}]’:
/usr/include/c++/6/tuple:662:419:   required by substitution of ‘template<class ... _UElements, class _Dummy, typename std::enable_if<((std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, double, long int>::_ConstructibleTuple<_UElements ...>() && std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, double, long int>::_ImplicitlyConvertibleTuple<_UElements ...>()) && std::_TC<(std::is_same<_Dummy, void>::value && (1ul == 1)), at::Tensor, at::Tensor, double, long int>::_NonNestedTuple<const tuple<_Elements ...>&>()), bool>::type <anonymous> > constexpr std::tuple< <template-parameter-1-1> >::tuple(const std::tuple<_Args1 ...>&) [with _UElements = {at::Tensor, at::Tensor, double, long int}; _Dummy = void; typename std::enable_if<((std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, double, long int>::_ConstructibleTuple<_UElements ...>() && std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, double, long int>::_ImplicitlyConvertibleTuple<_UElements ...>()) && std::_TC<(std::is_same<_Dummy, void>::value && (1ul == 1)), at::Tensor, at::Tensor, double, long int>::_NonNestedTuple<const tuple<_Elements ...>&>()), bool>::type <anonymous> = <missing>]’
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/Functions.h:4625:206:   required from here
/usr/include/c++/6/tuple:495:244: error: wrong number of template arguments (5, should be 2)
       return  __and_<__not_<is_same<tuple<_Elements...>,
                                                                                                                                                                                                                                                    ^
/usr/include/c++/6/type_traits:1558:8: note: provided for ‘template<class _From, class _To> struct std::is_convertible’
     struct is_convertible
        ^~~~~~~~~~~~~~
/usr/include/c++/6/tuple:502:1: error: body of constexpr function ‘static constexpr bool std::_TC<<anonymous>, _Elements>::_NonNestedTuple() [with _SrcTuple = const std::tuple<at::Tensor, at::Tensor, double, long int>&; bool <anonymous> = true; _Elements = {at::Tensor, at::Tensor, double, long int}]’ not a return-statement
     }
 ^
/usr/include/c++/6/tuple: In instantiation of ‘static constexpr bool std::_TC<<anonymous>, _Elements>::_NonNestedTuple() [with _SrcTuple = std::tuple<at::Tensor, at::Tensor, double, long int>&&; bool <anonymous> = true; _Elements = {at::Tensor, at::Tensor, double, long int}]’:
/usr/include/c++/6/tuple:686:422:   required by substitution of ‘template<class ... _UElements, class _Dummy, typename std::enable_if<((std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, double, long int>::_MoveConstructibleTuple<_UElements ...>() && std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, double, long int>::_ImplicitlyMoveConvertibleTuple<_UElements ...>()) && std::_TC<(std::is_same<_Dummy, void>::value && (1ul == 1)), at::Tensor, at::Tensor, double, long int>::_NonNestedTuple<tuple<_Elements ...>&&>()), bool>::type <anonymous> > constexpr std::tuple< <template-parameter-1-1> >::tuple(std::tuple<_Args1 ...>&&) [with _UElements = {at::Tensor, at::Tensor, double, long int}; _Dummy = void; typename std::enable_if<((std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, double, long int>::_MoveConstructibleTuple<_UElements ...>() && std::_TC<(1ul == sizeof... (_UElements)), at::Tensor, at::Tensor, double, long int>::_ImplicitlyMoveConvertibleTuple<_UElements ...>()) && std::_TC<(std::is_same<_Dummy, void>::value && (1ul == 1)), at::Tensor, at::Tensor, double, long int>::_NonNestedTuple<tuple<_Elements ...>&&>()), bool>::type <anonymous> = <missing>]’
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/Functions.h:4625:206:   required from here
/usr/include/c++/6/tuple:495:244: error: wrong number of template arguments (5, should be 2)
       return  __and_<__not_<is_same<tuple<_Elements...>,
                                                                                                                                                                                                                                                    ^
/usr/include/c++/6/type_traits:1558:8: note: provided for ‘template<class _From, class _To> struct std::is_convertible’
     struct is_convertible
        ^~~~~~~~~~~~~~
/usr/include/c++/6/tuple:502:1: error: body of constexpr function ‘static constexpr bool std::_TC<<anonymous>, _Elements>::_NonNestedTuple() [with _SrcTuple = std::tuple<at::Tensor, at::Tensor, double, long int>&&; bool <anonymous> = true; _Elements = {at::Tensor, at::Tensor, double, long int}]’ not a return-statement
     }
 ^
/usr/include/c++/6/tuple: In instantiation of ‘static constexpr bool std::_TC<<anonymous>, _Elements>::_MoveConstructibleTuple() [with _UElements = {std::tuple<at::Tensor&, at::Tensor&, at::Tensor&>}; bool <anonymous> = true; _Elements = {at::Tensor&, at::Tensor&, at::Tensor&}]’:
/usr/include/c++/6/tuple:626:248:   required by substitution of ‘template<class ... _UElements, typename std::enable_if<(((std::_TC<(sizeof... (_UElements) == 1), at::Tensor&, at::Tensor&, at::Tensor&>::_NotSameTuple<_UElements ...>() && std::_TC<(1ul == sizeof... (_UElements)), at::Tensor&, at::Tensor&, at::Tensor&>::_MoveConstructibleTuple<_UElements ...>()) && std::_TC<(1ul == sizeof... (_UElements)), at::Tensor&, at::Tensor&, at::Tensor&>::_ImplicitlyMoveConvertibleTuple<_UElements ...>()) && (3ul >= 1)), bool>::type <anonymous> > constexpr std::tuple< <template-parameter-1-1> >::tuple(_UElements&& ...) [with _UElements = {std::tuple<at::Tensor&, at::Tensor&, at::Tensor&>}; typename std::enable_if<(((std::_TC<(sizeof... (_UElements) == 1), at::Tensor&, at::Tensor&, at::Tensor&>::_NotSameTuple<_UElements ...>() && std::_TC<(1ul == sizeof... (_UElements)), at::Tensor&, at::Tensor&, at::Tensor&>::_MoveConstructibleTuple<_UElements ...>()) && std::_TC<(1ul == sizeof... (_UElements)), at::Tensor&, at::Tensor&, at::Tensor&>::_ImplicitlyMoveConvertibleTuple<_UElements ...>()) && (3ul >= 1)), bool>::type <anonymous> = <missing>]’
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/Functions.h:10645:164:   required from here
/usr/include/c++/6/tuple:483:67: error: mismatched argument pack lengths while expanding ‘std::is_constructible<_Elements, _UElements&&>’
       return __and_<is_constructible<_Elements, _UElements&&>...>::value;
                                                                   ^~~~~
/usr/include/c++/6/tuple:484:1: error: body of constexpr function ‘static constexpr bool std::_TC<<anonymous>, _Elements>::_MoveConstructibleTuple() [with _UElements = {std::tuple<at::Tensor&, at::Tensor&, at::Tensor&>}; bool <anonymous> = true; _Elements = {at::Tensor&, at::Tensor&, at::Tensor&}]’ not a return-statement
     }
 ^
/usr/include/c++/6/tuple: In instantiation of ‘static constexpr bool std::_TC<<anonymous>, _Elements>::_ImplicitlyMoveConvertibleTuple() [with _UElements = {std::tuple<at::Tensor&, at::Tensor&, at::Tensor&>}; bool <anonymous> = true; _Elements = {at::Tensor&, at::Tensor&, at::Tensor&}]’:
/usr/include/c++/6/tuple:626:362:   required by substitution of ‘template<class ... _UElements, typename std::enable_if<(((std::_TC<(sizeof... (_UElements) == 1), at::Tensor&, at::Tensor&, at::Tensor&>::_NotSameTuple<_UElements ...>() && std::_TC<(1ul == sizeof... (_UElements)), at::Tensor&, at::Tensor&, at::Tensor&>::_MoveConstructibleTuple<_UElements ...>()) && std::_TC<(1ul == sizeof... (_UElements)), at::Tensor&, at::Tensor&, at::Tensor&>::_ImplicitlyMoveConvertibleTuple<_UElements ...>()) && (3ul >= 1)), bool>::type <anonymous> > constexpr std::tuple< <template-parameter-1-1> >::tuple(_UElements&& ...) [with _UElements = {std::tuple<at::Tensor&, at::Tensor&, at::Tensor&>}; typename std::enable_if<(((std::_TC<(sizeof... (_UElements) == 1), at::Tensor&, at::Tensor&, at::Tensor&>::_NotSameTuple<_UElements ...>() && std::_TC<(1ul == sizeof... (_UElements)), at::Tensor&, at::Tensor&, at::Tensor&>::_MoveConstructibleTuple<_UElements ...>()) && std::_TC<(1ul == sizeof... (_UElements)), at::Tensor&, at::Tensor&, at::Tensor&>::_ImplicitlyMoveConvertibleTuple<_UElements ...>()) && (3ul >= 1)), bool>::type <anonymous> = <missing>]’
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/Functions.h:10645:164:   required from here
/usr/include/c++/6/tuple:489:65: error: mismatched argument pack lengths while expanding ‘std::is_convertible<_UElements&&, _Elements>’
       return __and_<is_convertible<_UElements&&, _Elements>...>::value;
                                                                 ^~~~~
/usr/include/c++/6/tuple:490:1: error: body of constexpr function ‘static constexpr bool std::_TC<<anonymous>, _Elements>::_ImplicitlyMoveConvertibleTuple() [with _UElements = {std::tuple<at::Tensor&, at::Tensor&, at::Tensor&>}; bool <anonymous> = true; _Elements = {at::Tensor&, at::Tensor&, at::Tensor&}]’ not a return-statement
     }
 ^
/usr/include/c++/6/tuple: In instantiation of ‘static constexpr bool std::_TC<<anonymous>, _Elements>::_NonNestedTuple() [with _SrcTuple = const std::tuple<at::Tensor&, at::Tensor&, at::Tensor&>&; bool <anonymous> = true; _Elements = {at::Tensor&, at::Tensor&, at::Tensor&}]’:
/usr/include/c++/6/tuple:662:419:   required by substitution of ‘template<class ... _UElements, class _Dummy, typename std::enable_if<((std::_TC<(1ul == sizeof... (_UElements)), at::Tensor&, at::Tensor&, at::Tensor&>::_ConstructibleTuple<_UElements ...>() && std::_TC<(1ul == sizeof... (_UElements)), at::Tensor&, at::Tensor&, at::Tensor&>::_ImplicitlyConvertibleTuple<_UElements ...>()) && std::_TC<(std::is_same<_Dummy, void>::value && (1ul == 1)), at::Tensor&, at::Tensor&, at::Tensor&>::_NonNestedTuple<const tuple<_Elements ...>&>()), bool>::type <anonymous> > constexpr std::tuple< <template-parameter-1-1> >::tuple(const std::tuple<_Args1 ...>&) [with _UElements = {at::Tensor&, at::Tensor&, at::Tensor&}; _Dummy = void; typename std::enable_if<((std::_TC<(1ul == sizeof... (_UElements)), at::Tensor&, at::Tensor&, at::Tensor&>::_ConstructibleTuple<_UElements ...>() && std::_TC<(1ul == sizeof... (_UElements)), at::Tensor&, at::Tensor&, at::Tensor&>::_ImplicitlyConvertibleTuple<_UElements ...>()) && std::_TC<(std::is_same<_Dummy, void>::value && (1ul == 1)), at::Tensor&, at::Tensor&, at::Tensor&>::_NonNestedTuple<const tuple<_Elements ...>&>()), bool>::type <anonymous> = <missing>]’
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/Functions.h:10645:164:   required from here
/usr/include/c++/6/tuple:495:244: error: wrong number of template arguments (4, should be 2)
       return  __and_<__not_<is_same<tuple<_Elements...>,
                                                                                                                                                                                                                                                    ^
/usr/include/c++/6/type_traits:1558:8: note: provided for ‘template<class _From, class _To> struct std::is_convertible’
     struct is_convertible
        ^~~~~~~~~~~~~~
/usr/include/c++/6/tuple:502:1: error: body of constexpr function ‘static constexpr bool std::_TC<<anonymous>, _Elements>::_NonNestedTuple() [with _SrcTuple = const std::tuple<at::Tensor&, at::Tensor&, at::Tensor&>&; bool <anonymous> = true; _Elements = {at::Tensor&, at::Tensor&, at::Tensor&}]’ not a return-statement
     }
 ^
/usr/include/c++/6/tuple: In instantiation of ‘static constexpr bool std::_TC<<anonymous>, _Elements>::_NonNestedTuple() [with _SrcTuple = std::tuple<at::Tensor&, at::Tensor&, at::Tensor&>&&; bool <anonymous> = true; _Elements = {at::Tensor&, at::Tensor&, at::Tensor&}]’:
/usr/include/c++/6/tuple:686:422:   required by substitution of ‘template<class ... _UElements, class _Dummy, typename std::enable_if<((std::_TC<(1ul == sizeof... (_UElements)), at::Tensor&, at::Tensor&, at::Tensor&>::_MoveConstructibleTuple<_UElements ...>() && std::_TC<(1ul == sizeof... (_UElements)), at::Tensor&, at::Tensor&, at::Tensor&>::_ImplicitlyMoveConvertibleTuple<_UElements ...>()) && std::_TC<(std::is_same<_Dummy, void>::value && (1ul == 1)), at::Tensor&, at::Tensor&, at::Tensor&>::_NonNestedTuple<tuple<_Elements ...>&&>()), bool>::type <anonymous> > constexpr std::tuple< <template-parameter-1-1> >::tuple(std::tuple<_Args1 ...>&&) [with _UElements = {at::Tensor&, at::Tensor&, at::Tensor&}; _Dummy = void; typename std::enable_if<((std::_TC<(1ul == sizeof... (_UElements)), at::Tensor&, at::Tensor&, at::Tensor&>::_MoveConstructibleTuple<_UElements ...>() && std::_TC<(1ul == sizeof... (_UElements)), at::Tensor&, at::Tensor&, at::Tensor&>::_ImplicitlyMoveConvertibleTuple<_UElements ...>()) && std::_TC<(std::is_same<_Dummy, void>::value && (1ul == 1)), at::Tensor&, at::Tensor&, at::Tensor&>::_NonNestedTuple<tuple<_Elements ...>&&>()), bool>::type <anonymous> = <missing>]’
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/Functions.h:10645:164:   required from here
/usr/include/c++/6/tuple:495:244: error: wrong number of template arguments (4, should be 2)
       return  __and_<__not_<is_same<tuple<_Elements...>,
                                                                                                                                                                                                                                                    ^
/usr/include/c++/6/type_traits:1558:8: note: provided for ‘template<class _From, class _To> struct std::is_convertible’
     struct is_convertible
        ^~~~~~~~~~~~~~
/usr/include/c++/6/tuple:502:1: error: body of constexpr function ‘static constexpr bool std::_TC<<anonymous>, _Elements>::_NonNestedTuple() [with _SrcTuple = std::tuple<at::Tensor&, at::Tensor&, at::Tensor&>&&; bool <anonymous> = true; _Elements = {at::Tensor&, at::Tensor&, at::Tensor&}]’ not a return-statement
     }
 ^
/home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/nms_rotated/nms_rotated_cuda.cu: In lambda function:
/home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/nms_rotated/nms_rotated_cuda.cu:93:104: warning: ‘c10::ScalarType detail::scalar_type(const at::DeprecatedTypeProperties&)’ is deprecated [-Wdeprecated-declarations]
   AT_DISPATCH_FLOATING_TYPES_AND_HALF(
                                                                                                        ^
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/Dispatch.h:31:1: note: declared here
 inline at::ScalarType scalar_type(const at::DeprecatedTypeProperties &t) {
 ^~~~~~~~~~~
/home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/nms_rotated/nms_rotated_cuda.cu: In lambda function:
/home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/nms_rotated/nms_rotated_cuda.cu:95:84: warning: ‘T* at::Tensor::data() const [with T = double]’ is deprecated [-Wdeprecated-declarations]
         nms_rotated_cuda_kernel<scalar_t><<<blocks, threads, 0, stream>>>(
                                                                                    ^
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:303:1: note: declared here
   T * data() const {
 ^ ~~
/home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/nms_rotated/nms_rotated_cuda.cu:96:8: warning: ‘T* at::Tensor::data() const [with T = long int]’ is deprecated [-Wdeprecated-declarations]
             dets_num,
        ^
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:303:1: note: declared here
   T * data() const {
 ^ ~~
/home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/nms_rotated/nms_rotated_cuda.cu: In lambda function:
/home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/nms_rotated/nms_rotated_cuda.cu:97:107: warning: ‘T* at::Tensor::data() const [with T = float]’ is deprecated [-Wdeprecated-declarations]
             iou_threshold,
                                                                                                           ^
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:303:1: note: declared here
   T * data() const {
 ^ ~~
/home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/nms_rotated/nms_rotated_cuda.cu:98:31: warning: ‘T* at::Tensor::data() const [with T = long int]’ is deprecated [-Wdeprecated-declarations]
             dets_sorted.data<scalar_t>(),
                               ^
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:303:1: note: declared here
   T * data() const {
 ^ ~~
/home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/nms_rotated/nms_rotated_cuda.cu: In lambda function:
/home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/nms_rotated/nms_rotated_cuda.cu:100:13: warning: ‘T* at::Tensor::data() const [with T = c10::Half]’ is deprecated [-Wdeprecated-declarations]
       });
             ^
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:303:1: note: declared here
   T * data() const {
 ^ ~~
/home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/nms_rotated/nms_rotated_cuda.cu:100:65: warning: ‘T* at::Tensor::data() const [with T = long int]’ is deprecated [-Wdeprecated-declarations]
       });
                                                                 ^
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:303:1: note: declared here
   T * data() const {
 ^ ~~
/home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/nms_rotated/nms_rotated_cuda.cu: In function ‘at::Tensor detectron2::nms_rotated_cuda(const at::Tensor&, const at::Tensor&, float)’:
/home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/nms_rotated/nms_rotated_cuda.cu:103:84: warning: ‘T* at::Tensor::data() const [with T = long int]’ is deprecated [-Wdeprecated-declarations]
   unsigned long long* mask_host = (unsigned long long*)mask_cpu.data<int64_t>();
                                                                                    ^
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:303:1: note: declared here
   T * data() const {
 ^ ~~
/home/vndee/workspace/newai/detectron2/detectron2/layers/csrc/nms_rotated/nms_rotated_cuda.cu:110:46: warning: ‘T* at::Tensor::data() const [with T = long int]’ is deprecated [-Wdeprecated-declarations]
   int64_t* keep_out = keep.data<int64_t>();
                                              ^
/home/vndee/workspace/newai/venv/lib/python3.6/site-packages/torch/include/ATen/core/TensorBody.h:303:1: note: declared here
   T * data() const {
 ^ ~~
error: command '/usr/bin/nvcc' failed with exit status 1
----------------------------------------

ERROR: Command errored out with exit status 1: /home/vndee/workspace/newai/venv/bin/python3 -c 'import sys, setuptools, tokenize; sys.argv[0] = '"'"'/home/vndee/workspace/newai/detectron2/setup.py'"'"'; file='"'"'/home/vndee/workspace/newai/detectron2/setup.py'"'"';f=getattr(tokenize, '"'"'open'"'"', open)(file);code=f.read().replace('"'"'\r\n'"'"', '"'"'\n'"'"');f.close();exec(compile(code, file, '"'"'exec'"'"'))' develop --no-deps Check the logs for full command output.

.....

Please help me to fix this problem.
Thanks for your help!

Model takes very long to load and tutorial script fails

If you do not know the root cause of the problem / bug, and wish someone to help you, please
include:

When I try to run the code from the Detectron2 Tutorial Collab, the model takes an extremely long time to load and then crashes with a CUDA Error / Segmentation fault.

To Reproduce

  1. what changes you made / what code you wrote: None
  2. what command you run: Taken from Detectron2 Tutorial Collab
import detectron2
from detectron2.utils.logger import setup_logger
setup_logger()

# import some common libraries
import matplotlib.pyplot as plt
import numpy as np
import cv2

im = cv2.imread("./input.jpg")

from detectron2.engine import DefaultPredictor
from detectron2.config import get_cfg
cfg = get_cfg()
cfg.merge_from_file("configs/COCO-InstanceSegmentation/mask_rcnn_R_50_FPN_3x.yaml")
cfg.MODEL.ROI_HEADS.SCORE_THRESH_TEST = 0.5  # set threshold for this model
cfg.MODEL.WEIGHTS = "detectron2://COCO-InstanceSegmentation/mask_rcnn_R_50_FPN_3x/137849600/model_final_f10217.pkl"
predictor = DefaultPredictor(cfg)
outputs = predictor(im)
  1. what you observed (full logs are preferred):
  • The step DefaultPredictor(cfg) takes an extremely long time (>15 minutes). Specifically, the command build_model(cfg) within the class __init__() takes this long to complete.
  • Minimal usage of the GPU and maximal usage of the CPU (top lists the python process as taking up 100% of CPU power and approx. 3.5% of memory while the GPU takes only approximately 500MB out of available 16GB). It appears that PyTorch is attempting to execute everything on the CPU.
  • Once the model is finally built, attempting to run prediction results in an error:
WARNING [10/11 07:45:38 d2.config.compat]: Config 'configs/COCO-InstanceSegmentation/mask_rcnn_R_50_FPN_3x.yaml' has no VERSION. Assuming it to be compatible with latest v2.
Traceback (most recent call last):
  File "test.py", line 19, in <module>
    outputs = predictor(im)
  File "/home/jan/miniconda3/envs/detectron/lib/python3.6/site-packages/torch/autograd/grad_mode.py", line 49, in decorate_no_grad
    return func(*args, **kwargs)
  File "/home/jan/detectron2/detectron2/engine/defaults.py", line 171, in __call__
    height, width = original_image.shape[:2]
AttributeError: 'NoneType' object has no attribute 'shape'

However, I've checked all CUDA versions and everything points to CUDA 10.1, so I don't think this is a version mismatch:

$ conda list cuda
# packages in environment at /home/jan/miniconda3/envs/detectron:
#
# Name                    Version                   Build  Channel
cudatoolkit               10.1.168                      0  
$ nvcc --version
nvcc: NVIDIA (R) Cuda compiler driver
Copyright (c) 2005-2019 NVIDIA Corporation
Built on Wed_Apr_24_19:10:27_PDT_2019
Cuda compilation tools, release 10.1, V10.1.168
$ echo $LD_LIBRARY_PATH 
:/usr/local/cuda-10.1.back/lib64
$ nvidia-smi 
Fri Oct 11 07:45:41 2019       
+-----------------------------------------------------------------------------+
| NVIDIA-SMI 418.67       Driver Version: 418.67       CUDA Version: 10.1     |
|-------------------------------+----------------------+----------------------+
| GPU  Name        Persistence-M| Bus-Id        Disp.A | Volatile Uncorr. ECC |
| Fan  Temp  Perf  Pwr:Usage/Cap|         Memory-Usage | GPU-Util  Compute M. |
|===============================+======================+======================|
|   0  Tesla P100-PCIE...  Off  | 00000000:00:04.0 Off |                    0 |
| N/A   49C    P0    41W / 250W |    269MiB / 16280MiB |      0%      Default |
+-------------------------------+----------------------+----------------------+
|   1  Tesla P100-PCIE...  Off  | 00000000:00:05.0 Off |                    0 |
| N/A   51C    P0    41W / 250W |     10MiB / 16280MiB |      0%      Default |
+-------------------------------+----------------------+----------------------+
                                                                               
+-----------------------------------------------------------------------------+
| Processes:                                                       GPU Memory |
|  GPU       PID   Type   Process name                             Usage      |
|=============================================================================|
|    0     16135      C   python                                       259MiB |
+-----------------------------------------------------------------------------+

All required versions as per the install page are fulfilled:

$ python --version
Python 3.6.9 :: Anaconda, Inc.

$ conda list
# packages in environment at /home/jan/miniconda3/envs/detectron:
#
# Name                    Version                   Build  Channel
_libgcc_mutex             0.1                        main  
absl-py                   0.8.1                    pypi_0    pypi
backcall                  0.1.0                    py36_0  
blas                      1.0                         mkl  
bzip2                     1.0.8                h7b6447c_0  
ca-certificates           2019.8.28                     0  
cairo                     1.14.12              h8948797_3  
certifi                   2019.9.11                py36_0  
cffi                      1.12.3           py36h2e261b9_0  
cloudpickle               1.2.2                    pypi_0    pypi
cudatoolkit               10.1.168                      0  
cycler                    0.10.0                   pypi_0    pypi
cython                    0.29.13                  pypi_0    pypi
decorator                 4.4.0                    py36_1  
detectron2                0.1                       dev_0    <develop>
ffmpeg                    4.0                  hcdf2ecd_0  
fontconfig                2.13.0               h9420a91_0  
freeglut                  3.0.0                hf484d3e_5  
freetype                  2.9.1                h8a8886c_1  
fvcore                    0.1                      pypi_0    pypi
glib                      2.56.2               hd408876_0  
graphite2                 1.3.13               h23475e2_0  
grpcio                    1.24.1                   pypi_0    pypi
harfbuzz                  1.8.8                hffaf4a1_0  
hdf5                      1.10.2               hba1933b_1  
icu                       58.2                 h9c2bf20_1  
intel-openmp              2019.4                      243  
ipython                   7.8.0            py36h39e3cac_0  
ipython_genutils          0.2.0                    py36_0  
jasper                    2.0.14               h07fcdf6_1  
jedi                      0.15.1                   py36_0  
jpeg                      9b                   h024ee3a_2  
kiwisolver                1.1.0                    pypi_0    pypi
libedit                   3.1.20181209         hc058e9b_0  
libffi                    3.2.1                hd88cf55_4  
libgcc-ng                 9.1.0                hdf63c60_0  
libgfortran-ng            7.3.0                hdf63c60_0  
libglu                    9.0.0                hf484d3e_1  
libopencv                 3.4.2                hb342d67_1  
libopus                   1.3                  h7b6447c_0  
libpng                    1.6.37               hbc83047_0  
libstdcxx-ng              9.1.0                hdf63c60_0  
libtiff                   4.0.10               h2733197_2  
libuuid                   1.0.3                h1bed415_2  
libvpx                    1.7.0                h439df22_0  
libxcb                    1.13                 h1bed415_1  
libxml2                   2.9.9                hea5a465_1  
markdown                  3.1.1                    pypi_0    pypi
matplotlib                3.1.1                    pypi_0    pypi
mkl                       2019.4                      243  
mkl-service               2.3.0            py36he904b0f_0  
mkl_fft                   1.0.14           py36ha843d7b_0  
mkl_random                1.1.0            py36hd6b4f25_0  
ncurses                   6.1                  he6710b0_1  
ninja                     1.9.0            py36hfd86e86_0  
numpy                     1.17.2           py36haad9e8e_0  
numpy-base                1.17.2           py36hde5b4d6_0  
olefile                   0.46                     py36_0  
opencv                    3.4.2            py36h6fd60c2_1  
openssl                   1.1.1d               h7b6447c_2  
parso                     0.5.1                      py_0  
pcre                      8.43                 he6710b0_0  
pexpect                   4.7.0                    py36_0  
pickleshare               0.7.5                    py36_0  
pillow                    6.2.0            py36h34e0f95_0  
pip                       19.2.3                   py36_0  
pixman                    0.38.0               h7b6447c_0  
portalocker               1.5.1                    pypi_0    pypi
prompt_toolkit            2.0.10                     py_0  
protobuf                  3.10.0                   pypi_0    pypi
ptyprocess                0.6.0                    py36_0  
py-opencv                 3.4.2            py36hb342d67_1  
pycocotools               2.0                      pypi_0    pypi
pycparser                 2.19                     py36_0  
pygments                  2.4.2                      py_0  
pyparsing                 2.4.2                    pypi_0    pypi
python                    3.6.9                h265db76_0  
python-dateutil           2.8.0                    pypi_0    pypi
pytorch                   1.3.0           py3.6_cuda10.1.243_cudnn7.6.3_0    pytorch
pyyaml                    5.1.2                    pypi_0    pypi
readline                  7.0                  h7b6447c_5  
setuptools                41.4.0                   py36_0  
shapely                   1.6.4.post2              pypi_0    pypi
six                       1.12.0                   py36_0  
sqlite                    3.30.0               h7b6447c_0  
tensorboard               2.0.0                    pypi_0    pypi
termcolor                 1.1.0                    pypi_0    pypi
tk                        8.6.8                hbc83047_0  
torchvision               0.4.1                py36_cu101    pytorch
tqdm                      4.36.1                   pypi_0    pypi
traitlets                 4.3.3                    py36_0  
wcwidth                   0.1.7                    py36_0  
werkzeug                  0.16.0                   pypi_0    pypi
wheel                     0.33.6                   py36_0  
xz                        5.2.4                h14c3975_4  
yacs                      0.1.6                    pypi_0    pypi
zlib                      1.2.11               h7b6447c_3  
zstd                      1.3.7                h0b5b093_0  

$ gcc --version
gcc (Ubuntu 5.4.0-6ubuntu1~16.04.11) 5.4.0 20160609

Expected behavior

PyTorch appears to run primarily on the CPU instead of the GPU. I expect it to run primarily on the GPU. As I've made no edits to the code, I also expect it to run error-free.

Environment

$ python -m detectron2.utils.collect_env
---------------------  -------------------------------------------------------------------
Python                 3.6.9 |Anaconda, Inc.| (default, Jul 30 2019, 19:07:31) [GCC 7.3.0]
Detectron2 Compiler    GCC 5.4
DETECTRON2_ENV_MODULE  <not set>
PyTorch                1.3.0
PyTorch Debug Build    False
CUDA available         True
GPU 0,1                Tesla P100-PCIE-16GB
Pillow                 6.2.0
cv2                    3.4.2
---------------------  -------------------------------------------------------------------
PyTorch built with:
  - GCC 7.3
  - Intel(R) Math Kernel Library Version 2019.0.4 Product Build 20190411 for Intel(R) 64 architecture applications
  - Intel(R) MKL-DNN v0.20.5 (Git Hash 0125f28c61c1f822fd48570b4c1066f96fcb9b2e)
  - OpenMP 201511 (a.k.a. OpenMP 4.5)
  - NNPACK is enabled
  - CUDA Runtime 10.1
  - NVCC architecture flags: -gencode;arch=compute_35,code=sm_35;-gencode;arch=compute_50,code=sm_50;-gencode;arch=compute_50,code=compute_50
  - CuDNN 7.6.3
  - Magma 2.5.1
  - Build settings: BLAS=MKL, BUILD_NAMEDTENSOR=OFF, BUILD_TYPE=Release, CXX_FLAGS= -Wno-deprecated -fvisibility-inlines-hidden -fopenmp -DUSE_FBGEMM -DUSE_QNNPACK -DUSE_PYTORCH_QNNPACK -O2 -fPIC -Wno-narrowing -Wall -Wextra -Wno-missing-field-initializers -Wno-type-limits -Wno-array-bounds -Wno-unknown-pragmas -Wno-sign-compare -Wno-unused-parameter -Wno-unused-variable -Wno-unused-function -Wno-unused-result -Wno-strict-overflow -Wno-strict-aliasing -Wno-error=deprecated-declarations -Wno-stringop-overflow -Wno-error=pedantic -Wno-error=redundant-decls -Wno-error=old-style-cast -fdiagnostics-color=always -faligned-new -Wno-unused-but-set-variable -Wno-maybe-uninitialized -fno-math-errno -fno-trapping-math -Wno-stringop-overflow, DISABLE_NUMA=1, PERF_WITH_AVX=1, PERF_WITH_AVX2=1, PERF_WITH_AVX512=1, USE_CUDA=True, USE_EXCEPTION_PTR=1, USE_GFLAGS=OFF, USE_GLOG=OFF, USE_MKL=ON, USE_MKLDNN=ON, USE_MPI=OFF, USE_NCCL=ON, USE_NNPACK=ON, USE_OPENMP=ON, USE_STATIC_DISPATCH=OFF, 

Will Detectron2go be released / implemented?

❓ Will Detectron2go be released / implemented

In the official blog, a library named Detectron2go is introduced. It seems that this library is very helpful for model deployment.

By now, I cannot find related codes in the Detectron2 repo. Will Detectron2 provide similar features in the near future?

Unable to stop the stream: Inappropriate ioctl for device //Problem with loading a video doing the tutorial on Inference with Pre-trained Models

❓ Questions and Help

Thank you for this great work! I tried the Colab Notebook tutorial and it worked perfectly fine to infer the pre-trained network on images of my choice. Unfortunately I am facing a problem when trying to infer on a video. I copied the same exact Installation-steps from the tutorial into my own Colab Notebook, installed everything as in the tutorial and tried to execute following command:

!python detectron2_repo/demo/demo.py --config-file detectron2_repo/configs/COCO-InstanceSegmentation/mask_rcnn_R_50_FPN_3x.yaml
--video-input video.mp4
--opts MODEL.WEIGHTS detectron2://COCO-
InstanceSegmentation/mask_rcnn_R_50_FPN_3x/137849600/model_final_f10217.pkl

Here is the output from my Colab Notebook:

error

I assume it might have to do with ffmpeg and OpenCV not being able to load the video, which is why I have tried this:
!apt install libavcodec-dev libavformat-dev libavutil-dev libswscale-dev libavresample-dev
!apt install ffmpeg
It says everything is already installed though and doesn't change anything.
I also made sure that the video.mp4 exists using: os.path.exists('video.mp4')

Here is the full output: [10/12 04:17:56 detectron2]: Arguments: Namespace(confidence_threshold=0.5, config_file='detectron2_repo/configs/COCO-InstanceSegmentation/mask_rcnn_R_50_FPN_3x.yaml', input=None, opts=['MODEL.WEIGHTS', 'detectron2://COCO-InstanceSegmentation/mask_rcnn_R_50_FPN_3x/137849600/model_final_f10217.pkl'], output=None, video_input='video.mp4', webcam=False)
WARNING [10/12 04:17:56 d2.config.compat]: Config 'detectron2_repo/configs/COCO-InstanceSegmentation/mask_rcnn_R_50_FPN_3x.yaml' has no VERSION. Assuming it to be compatible with latest v2.
Unable to stop the stream: Inappropriate ioctl for device
0it [00:00, ?it/s]

Training with different level of supervisions

Suppose I have a mixture of datasets, some of them only have bbox annotations, and some of them have both bbox and mask annotations.

I wonder what is the easiest way to train a Mask R-CNN with this mixed dataset. Should I use different dataloader for different dataset, and then modify the trainer so that it can handle each type of supervision individually?

Thanks.

Install error with "nms_rotated_cpu.cpp:33:42: error: expected primary-expression before ‘)’ token"

My system configuration is listed below:

OS: Ubuntu16.04
gcc: 5.4.0
pytorch: 1.1.0
python: 3.5.2
nvcc: V9.2.148

while I compile detectron2 use below command:

sudo python3 setup.py build develop

Error occured, the Log list below:

running build
running build_py
creating build
creating build/lib.linux-x86_64-3.5
creating build/lib.linux-x86_64-3.5/detectron2
copying detectron2/init.py -> build/lib.linux-x86_64-3.5/detectron2
creating build/lib.linux-x86_64-3.5/detectron2/config
copying detectron2/config/compat.py -> build/lib.linux-x86_64-3.5/detectron2/config
copying detectron2/config/config.py -> build/lib.linux-x86_64-3.5/detectron2/config
copying detectron2/config/init.py -> build/lib.linux-x86_64-3.5/detectron2/config
copying detectron2/config/defaults.py -> build/lib.linux-x86_64-3.5/detectron2/config
creating build/lib.linux-x86_64-3.5/detectron2/engine
copying detectron2/engine/launch.py -> build/lib.linux-x86_64-3.5/detectron2/engine
copying detectron2/engine/init.py -> build/lib.linux-x86_64-3.5/detectron2/engine
copying detectron2/engine/train_loop.py -> build/lib.linux-x86_64-3.5/detectron2/engine
copying detectron2/engine/defaults.py -> build/lib.linux-x86_64-3.5/detectron2/engine
copying detectron2/engine/hooks.py -> build/lib.linux-x86_64-3.5/detectron2/engine
creating build/lib.linux-x86_64-3.5/detectron2/checkpoint
copying detectron2/checkpoint/model_zoo.py -> build/lib.linux-x86_64-3.5/detectron2/checkpoint
copying detectron2/checkpoint/init.py -> build/lib.linux-x86_64-3.5/detectron2/checkpoint
copying detectron2/checkpoint/c2_model_loading.py -> build/lib.linux-x86_64-3.5/detectron2/checkpoint
copying detectron2/checkpoint/detection_checkpoint.py -> build/lib.linux-x86_64-3.5/detectron2/checkpoint
creating build/lib.linux-x86_64-3.5/detectron2/layers
copying detectron2/layers/roi_align_rotated.py -> build/lib.linux-x86_64-3.5/detectron2/layers
copying detectron2/layers/shape_spec.py -> build/lib.linux-x86_64-3.5/detectron2/layers
copying detectron2/layers/nms.py -> build/lib.linux-x86_64-3.5/detectron2/layers
copying detectron2/layers/deform_conv.py -> build/lib.linux-x86_64-3.5/detectron2/layers
copying detectron2/layers/init.py -> build/lib.linux-x86_64-3.5/detectron2/layers
copying detectron2/layers/roi_align.py -> build/lib.linux-x86_64-3.5/detectron2/layers
copying detectron2/layers/mask_ops.py -> build/lib.linux-x86_64-3.5/detectron2/layers
copying detectron2/layers/rotated_boxes.py -> build/lib.linux-x86_64-3.5/detectron2/layers
copying detectron2/layers/wrappers.py -> build/lib.linux-x86_64-3.5/detectron2/layers
copying detectron2/layers/batch_norm.py -> build/lib.linux-x86_64-3.5/detectron2/layers
creating build/lib.linux-x86_64-3.5/detectron2/data
copying detectron2/data/dataset_mapper.py -> build/lib.linux-x86_64-3.5/detectron2/data
copying detectron2/data/init.py -> build/lib.linux-x86_64-3.5/detectron2/data
copying detectron2/data/detection_utils.py -> build/lib.linux-x86_64-3.5/detectron2/data
copying detectron2/data/catalog.py -> build/lib.linux-x86_64-3.5/detectron2/data
copying detectron2/data/common.py -> build/lib.linux-x86_64-3.5/detectron2/data
copying detectron2/data/build.py -> build/lib.linux-x86_64-3.5/detectron2/data
creating build/lib.linux-x86_64-3.5/detectron2/modeling
copying detectron2/modeling/matcher.py -> build/lib.linux-x86_64-3.5/detectron2/modeling
copying detectron2/modeling/test_time_augmentation.py -> build/lib.linux-x86_64-3.5/detectron2/modeling
copying detectron2/modeling/postprocessing.py -> build/lib.linux-x86_64-3.5/detectron2/modeling
copying detectron2/modeling/init.py -> build/lib.linux-x86_64-3.5/detectron2/modeling
copying detectron2/modeling/sampling.py -> build/lib.linux-x86_64-3.5/detectron2/modeling
copying detectron2/modeling/anchor_generator.py -> build/lib.linux-x86_64-3.5/detectron2/modeling
copying detectron2/modeling/box_regression.py -> build/lib.linux-x86_64-3.5/detectron2/modeling
copying detectron2/modeling/poolers.py -> build/lib.linux-x86_64-3.5/detectron2/modeling
creating build/lib.linux-x86_64-3.5/detectron2/utils
copying detectron2/utils/serialize.py -> build/lib.linux-x86_64-3.5/detectron2/utils
copying detectron2/utils/events.py -> build/lib.linux-x86_64-3.5/detectron2/utils
copying detectron2/utils/logger.py -> build/lib.linux-x86_64-3.5/detectron2/utils
copying detectron2/utils/video_visualizer.py -> build/lib.linux-x86_64-3.5/detectron2/utils
copying detectron2/utils/comm.py -> build/lib.linux-x86_64-3.5/detectron2/utils
copying detectron2/utils/registry.py -> build/lib.linux-x86_64-3.5/detectron2/utils
copying detectron2/utils/collect_env.py -> build/lib.linux-x86_64-3.5/detectron2/utils
copying detectron2/utils/visualizer.py -> build/lib.linux-x86_64-3.5/detectron2/utils
copying detectron2/utils/init.py -> build/lib.linux-x86_64-3.5/detectron2/utils
copying detectron2/utils/env.py -> build/lib.linux-x86_64-3.5/detectron2/utils
copying detectron2/utils/colormap.py -> build/lib.linux-x86_64-3.5/detectron2/utils
creating build/lib.linux-x86_64-3.5/detectron2/evaluation
copying detectron2/evaluation/panoptic_evaluation.py -> build/lib.linux-x86_64-3.5/detectron2/evaluation
copying detectron2/evaluation/testing.py -> build/lib.linux-x86_64-3.5/detectron2/evaluation
copying detectron2/evaluation/sem_seg_evaluation.py -> build/lib.linux-x86_64-3.5/detectron2/evaluation
copying detectron2/evaluation/pascal_voc_evaluation.py -> build/lib.linux-x86_64-3.5/detectron2/evaluation
copying detectron2/evaluation/init.py -> build/lib.linux-x86_64-3.5/detectron2/evaluation
copying detectron2/evaluation/coco_evaluation.py -> build/lib.linux-x86_64-3.5/detectron2/evaluation
copying detectron2/evaluation/evaluator.py -> build/lib.linux-x86_64-3.5/detectron2/evaluation
copying detectron2/evaluation/cityscapes_evaluation.py -> build/lib.linux-x86_64-3.5/detectron2/evaluation
copying detectron2/evaluation/lvis_evaluation.py -> build/lib.linux-x86_64-3.5/detectron2/evaluation
creating build/lib.linux-x86_64-3.5/detectron2/structures
copying detectron2/structures/instances.py -> build/lib.linux-x86_64-3.5/detectron2/structures
copying detectron2/structures/keypoints.py -> build/lib.linux-x86_64-3.5/detectron2/structures
copying detectron2/structures/image_list.py -> build/lib.linux-x86_64-3.5/detectron2/structures
copying detectron2/structures/init.py -> build/lib.linux-x86_64-3.5/detectron2/structures
copying detectron2/structures/masks.py -> build/lib.linux-x86_64-3.5/detectron2/structures
copying detectron2/structures/boxes.py -> build/lib.linux-x86_64-3.5/detectron2/structures
copying detectron2/structures/rotated_boxes.py -> build/lib.linux-x86_64-3.5/detectron2/structures
creating build/lib.linux-x86_64-3.5/detectron2/solver
copying detectron2/solver/lr_scheduler.py -> build/lib.linux-x86_64-3.5/detectron2/solver
copying detectron2/solver/init.py -> build/lib.linux-x86_64-3.5/detectron2/solver
copying detectron2/solver/build.py -> build/lib.linux-x86_64-3.5/detectron2/solver
creating build/lib.linux-x86_64-3.5/detectron2/data/transforms
copying detectron2/data/transforms/init.py -> build/lib.linux-x86_64-3.5/detectron2/data/transforms
copying detectron2/data/transforms/transform.py -> build/lib.linux-x86_64-3.5/detectron2/data/transforms
copying detectron2/data/transforms/transform_gen.py -> build/lib.linux-x86_64-3.5/detectron2/data/transforms
creating build/lib.linux-x86_64-3.5/detectron2/data/datasets
copying detectron2/data/datasets/builtin.py -> build/lib.linux-x86_64-3.5/detectron2/data/datasets
copying detectron2/data/datasets/cityscapes.py -> build/lib.linux-x86_64-3.5/detectron2/data/datasets
copying detectron2/data/datasets/builtin_meta.py -> build/lib.linux-x86_64-3.5/detectron2/data/datasets
copying detectron2/data/datasets/lvis_v0_5_categories.py -> build/lib.linux-x86_64-3.5/detectron2/data/datasets
copying detectron2/data/datasets/coco.py -> build/lib.linux-x86_64-3.5/detectron2/data/datasets
copying detectron2/data/datasets/init.py -> build/lib.linux-x86_64-3.5/detectron2/data/datasets
copying detectron2/data/datasets/pascal_voc.py -> build/lib.linux-x86_64-3.5/detectron2/data/datasets
copying detectron2/data/datasets/lvis.py -> build/lib.linux-x86_64-3.5/detectron2/data/datasets
copying detectron2/data/datasets/register_coco.py -> build/lib.linux-x86_64-3.5/detectron2/data/datasets
creating build/lib.linux-x86_64-3.5/detectron2/data/samplers
copying detectron2/data/samplers/distributed_sampler.py -> build/lib.linux-x86_64-3.5/detectron2/data/samplers
copying detectron2/data/samplers/grouped_batch_sampler.py -> build/lib.linux-x86_64-3.5/detectron2/data/samplers
copying detectron2/data/samplers/init.py -> build/lib.linux-x86_64-3.5/detectron2/data/samplers
creating build/lib.linux-x86_64-3.5/detectron2/modeling/backbone
copying detectron2/modeling/backbone/backbone.py -> build/lib.linux-x86_64-3.5/detectron2/modeling/backbone
copying detectron2/modeling/backbone/init.py -> build/lib.linux-x86_64-3.5/detectron2/modeling/backbone
copying detectron2/modeling/backbone/resnet.py -> build/lib.linux-x86_64-3.5/detectron2/modeling/backbone
copying detectron2/modeling/backbone/fpn.py -> build/lib.linux-x86_64-3.5/detectron2/modeling/backbone
copying detectron2/modeling/backbone/build.py -> build/lib.linux-x86_64-3.5/detectron2/modeling/backbone
creating build/lib.linux-x86_64-3.5/detectron2/modeling/meta_arch
copying detectron2/modeling/meta_arch/retinanet.py -> build/lib.linux-x86_64-3.5/detectron2/modeling/meta_arch
copying detectron2/modeling/meta_arch/semantic_seg.py -> build/lib.linux-x86_64-3.5/detectron2/modeling/meta_arch
copying detectron2/modeling/meta_arch/init.py -> build/lib.linux-x86_64-3.5/detectron2/modeling/meta_arch
copying detectron2/modeling/meta_arch/panoptic_fpn.py -> build/lib.linux-x86_64-3.5/detectron2/modeling/meta_arch
copying detectron2/modeling/meta_arch/rcnn.py -> build/lib.linux-x86_64-3.5/detectron2/modeling/meta_arch
copying detectron2/modeling/meta_arch/build.py -> build/lib.linux-x86_64-3.5/detectron2/modeling/meta_arch
creating build/lib.linux-x86_64-3.5/detectron2/modeling/roi_heads
copying detectron2/modeling/roi_heads/mask_head.py -> build/lib.linux-x86_64-3.5/detectron2/modeling/roi_heads
copying detectron2/modeling/roi_heads/keypoint_head.py -> build/lib.linux-x86_64-3.5/detectron2/modeling/roi_heads
copying detectron2/modeling/roi_heads/cascade_rcnn.py -> build/lib.linux-x86_64-3.5/detectron2/modeling/roi_heads
copying detectron2/modeling/roi_heads/init.py -> build/lib.linux-x86_64-3.5/detectron2/modeling/roi_heads
copying detectron2/modeling/roi_heads/box_head.py -> build/lib.linux-x86_64-3.5/detectron2/modeling/roi_heads
copying detectron2/modeling/roi_heads/roi_heads.py -> build/lib.linux-x86_64-3.5/detectron2/modeling/roi_heads
copying detectron2/modeling/roi_heads/fast_rcnn.py -> build/lib.linux-x86_64-3.5/detectron2/modeling/roi_heads
creating build/lib.linux-x86_64-3.5/detectron2/modeling/proposal_generator
copying detectron2/modeling/proposal_generator/rrpn_outputs.py -> build/lib.linux-x86_64-3.5/detectron2/modeling/proposal_generator
copying detectron2/modeling/proposal_generator/proposal_utils.py -> build/lib.linux-x86_64-3.5/detectron2/modeling/proposal_generator
copying detectron2/modeling/proposal_generator/rpn_outputs.py -> build/lib.linux-x86_64-3.5/detectron2/modeling/proposal_generator
copying detectron2/modeling/proposal_generator/init.py -> build/lib.linux-x86_64-3.5/detectron2/modeling/proposal_generator
copying detectron2/modeling/proposal_generator/rrpn.py -> build/lib.linux-x86_64-3.5/detectron2/modeling/proposal_generator
copying detectron2/modeling/proposal_generator/rpn.py -> build/lib.linux-x86_64-3.5/detectron2/modeling/proposal_generator
copying detectron2/modeling/proposal_generator/build.py -> build/lib.linux-x86_64-3.5/detectron2/modeling/proposal_generator
running build_ext
building 'detectron2._C' extension
creating build/temp.linux-x86_64-3.5
creating build/temp.linux-x86_64-3.5/home
creating build/temp.linux-x86_64-3.5/home/zonesion
creating build/temp.linux-x86_64-3.5/home/zonesion/mnt
creating build/temp.linux-x86_64-3.5/home/zonesion/mnt/dell
creating build/temp.linux-x86_64-3.5/home/zonesion/mnt/dell/Git
creating build/temp.linux-x86_64-3.5/home/zonesion/mnt/dell/Git/detectron2
creating build/temp.linux-x86_64-3.5/home/zonesion/mnt/dell/Git/detectron2/detectron2
creating build/temp.linux-x86_64-3.5/home/zonesion/mnt/dell/Git/detectron2/detectron2/layers
creating build/temp.linux-x86_64-3.5/home/zonesion/mnt/dell/Git/detectron2/detectron2/layers/csrc
creating build/temp.linux-x86_64-3.5/home/zonesion/mnt/dell/Git/detectron2/detectron2/layers/csrc/nms_rotated
creating build/temp.linux-x86_64-3.5/home/zonesion/mnt/dell/Git/detectron2/detectron2/layers/csrc/box_iou_rotated
creating build/temp.linux-x86_64-3.5/home/zonesion/mnt/dell/Git/detectron2/detectron2/layers/csrc/ROIAlignRotated
creating build/temp.linux-x86_64-3.5/home/zonesion/mnt/dell/Git/detectron2/detectron2/layers/csrc/ROIAlign
creating build/temp.linux-x86_64-3.5/home/zonesion/mnt/dell/Git/detectron2/detectron2/layers/csrc/deformable
x86_64-linux-gnu-gcc -pthread -DNDEBUG -g -fwrapv -O2 -Wall -Wstrict-prototypes -g -fstack-protector-strong -Wformat -Werror=format-security -Wdate-time -D_FORTIFY_SOURCE=2 -fPIC -DWITH_CUDA -I/home/zonesion/mnt/dell/Git/detectron2/detectron2/layers/csrc -I/usr/local/lib/python3.5/dist-packages/torch/include -I/usr/local/lib/python3.5/dist-packages/torch/include/torch/csrc/api/include -I/usr/local/lib/python3.5/dist-packages/torch/include/TH -I/usr/local/lib/python3.5/dist-packages/torch/include/THC -I/usr/local/cuda/include -I/usr/include/python3.5m -c /home/zonesion/mnt/dell/Git/detectron2/detectron2/layers/csrc/vision.cpp -o build/temp.linux-x86_64-3.5/home/zonesion/mnt/dell/Git/detectron2/detectron2/layers/csrc/vision.o -DTORCH_API_INCLUDE_EXTENSION_H -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0 -std=c++11
cc1plus: warning: command line option ‘-Wstrict-prototypes’ is valid for C/ObjC but not for C++
x86_64-linux-gnu-gcc -pthread -DNDEBUG -g -fwrapv -O2 -Wall -Wstrict-prototypes -g -fstack-protector-strong -Wformat -Werror=format-security -Wdate-time -D_FORTIFY_SOURCE=2 -fPIC -DWITH_CUDA -I/home/zonesion/mnt/dell/Git/detectron2/detectron2/layers/csrc -I/usr/local/lib/python3.5/dist-packages/torch/include -I/usr/local/lib/python3.5/dist-packages/torch/include/torch/csrc/api/include -I/usr/local/lib/python3.5/dist-packages/torch/include/TH -I/usr/local/lib/python3.5/dist-packages/torch/include/THC -I/usr/local/cuda/include -I/usr/include/python3.5m -c /home/zonesion/mnt/dell/Git/detectron2/detectron2/layers/csrc/nms_rotated/nms_rotated_cpu.cpp -o build/temp.linux-x86_64-3.5/home/zonesion/mnt/dell/Git/detectron2/detectron2/layers/csrc/nms_rotated/nms_rotated_cpu.o -DTORCH_API_INCLUDE_EXTENSION_H -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0 -std=c++11
cc1plus: warning: command line option ‘-Wstrict-prototypes’ is valid for C/ObjC but not for C++
/home/zonesion/mnt/dell/Git/detectron2/detectron2/layers/csrc/nms_rotated/nms_rotated_cpu.cpp: In function ‘at::Tensor detectron2::nms_rotated_cpu_kernel(const at::Tensor&, const at::Tensor&, float)’:
/home/zonesion/mnt/dell/Git/detectron2/detectron2/layers/csrc/nms_rotated/nms_rotated_cpu.cpp:31:50: error: expected primary-expression before ‘>’ token
auto suppressed = suppressed_t.data_ptr<uint8_t>();
^
/home/zonesion/mnt/dell/Git/detectron2/detectron2/layers/csrc/nms_rotated/nms_rotated_cpu.cpp:31:52: error: expected primary-expression before ‘)’ token
auto suppressed = suppressed_t.data_ptr<uint8_t>();
^
/home/zonesion/mnt/dell/Git/detectron2/detectron2/layers/csrc/nms_rotated/nms_rotated_cpu.cpp:32:38: error: expected primary-expression before ‘>’ token
auto keep = keep_t.data_ptr<int64_t>();
^
/home/zonesion/mnt/dell/Git/detectron2/detectron2/layers/csrc/nms_rotated/nms_rotated_cpu.cpp:32:40: error: expected primary-expression before ‘)’ token
auto keep = keep_t.data_ptr<int64_t>();
^
/home/zonesion/mnt/dell/Git/detectron2/detectron2/layers/csrc/nms_rotated/nms_rotated_cpu.cpp:33:40: error: expected primary-expression before ‘>’ token
auto order = order_t.data_ptr<int64_t>();
^
/home/zonesion/mnt/dell/Git/detectron2/detectron2/layers/csrc/nms_rotated/nms_rotated_cpu.cpp:33:42: error: expected primary-expression before ‘)’ token
auto order = order_t.data_ptr<int64_t>();
^
/home/zonesion/mnt/dell/Git/detectron2/detectron2/layers/csrc/nms_rotated/nms_rotated_cpu.cpp:52:36: error: expected primary-expression before ‘>’ token
dets[i].data_ptr<scalar_t>(), dets[j].data_ptr<scalar_t>());
^
/home/zonesion/mnt/dell/Git/detectron2/detectron2/layers/csrc/nms_rotated/nms_rotated_cpu.cpp:52:38: error: expected primary-expression before ‘)’ token
dets[i].data_ptr<scalar_t>(), dets[j].data_ptr<scalar_t>());
^
/home/zonesion/mnt/dell/Git/detectron2/detectron2/layers/csrc/nms_rotated/nms_rotated_cpu.cpp:52:66: error: expected primary-expression before ‘>’ token
dets[i].data_ptr<scalar_t>(), dets[j].data_ptr<scalar_t>());
^
/home/zonesion/mnt/dell/Git/detectron2/detectron2/layers/csrc/nms_rotated/nms_rotated_cpu.cpp:52:68: error: expected primary-expression before ‘)’ token
dets[i].data_ptr<scalar_t>(), dets[j].data_ptr<scalar_t>());
^
In file included from /usr/local/lib/python3.5/dist-packages/torch/include/ATen/ATen.h:9:0,
from /usr/local/lib/python3.5/dist-packages/torch/include/torch/csrc/api/include/torch/types.h:3,
from /usr/local/lib/python3.5/dist-packages/torch/include/torch/csrc/api/include/torch/data/dataloader_options.h:4,
from /usr/local/lib/python3.5/dist-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/base.h:3,
from /usr/local/lib/python3.5/dist-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/stateful.h:3,
from /usr/local/lib/python3.5/dist-packages/torch/include/torch/csrc/api/include/torch/data/dataloader.h:3,
from /usr/local/lib/python3.5/dist-packages/torch/include/torch/csrc/api/include/torch/data.h:3,
from /usr/local/lib/python3.5/dist-packages/torch/include/torch/csrc/api/include/torch/all.h:4,
from /usr/local/lib/python3.5/dist-packages/torch/include/torch/extension.h:4,
from /home/zonesion/mnt/dell/Git/detectron2/detectron2/layers/csrc/nms_rotated/nms_rotated.h:3,
from /home/zonesion/mnt/dell/Git/detectron2/detectron2/layers/csrc/nms_rotated/nms_rotated_cpu.cpp:3:
/home/zonesion/mnt/dell/Git/detectron2/detectron2/layers/csrc/nms_rotated/nms_rotated_cpu.cpp: In lambda function:
/usr/local/lib/python3.5/dist-packages/torch/include/ATen/Dispatch.h:71:52: warning: ‘c10::ScalarType detail::scalar_type(const at::DeprecatedTypeProperties&)’ is deprecated [-Wdeprecated-declarations]
at::ScalarType _st = ::detail::scalar_type(TYPE);
^
/home/zonesion/mnt/dell/Git/detectron2/detectron2/layers/csrc/nms_rotated/nms_rotated_cpu.cpp:67:3: note: in expansion of macro ‘AT_DISPATCH_FLOATING_TYPES’
AT_DISPATCH_FLOATING_TYPES(dets.type(), "nms_rotated", [&] {
^
/usr/local/lib/python3.5/dist-packages/torch/include/ATen/Dispatch.h:47:23: note: declared here
inline at::ScalarType scalar_type(const at::DeprecatedTypeProperties &t) {
^
error: command 'x86_64-linux-gnu-gcc' failed with exit status 1

I'm really not familiar with C++, help someone can give me some tutorial, really thanks.

RuntimeError: CUDA error: invalid device function ROIAlign_forward_cuda

Attempting to forward inference the panoptic fpn model results in a CUDA error.

To Reproduce

Attempting to run a predictor using the model panoptic_fpn_R_101_dconv_cascade_gn_3x.yaml.

The following error is produced:

error in deformable_im2col: invalid device function
... < repeated ~30 times> ...
File "/opt/conda/lib/python3.6/site-packages/torch/autograd/grad_mode.py", line 49, in decorate_no_grad
    return func(*args, **kwargs)
  File "/app/detectron2/detectron2/engine/defaults.py", line 176, in __call__
    predictions = self.model([inputs])[0]
  File "/opt/conda/lib/python3.6/site-packages/torch/nn/modules/module.py", line 541, in __call__
    result = self.forward(*input, **kwargs)
  File "/app/detectron2/detectron2/modeling/meta_arch/panoptic_fpn.py", line 98, in forward
    images, features, proposals, gt_instances
  File "/opt/conda/lib/python3.6/site-packages/torch/nn/modules/module.py", line 541, in __call__
    result = self.forward(*input, **kwargs)
  File "/app/detectron2/detectron2/modeling/roi_heads/cascade_rcnn.py", line 97, in forward
    pred_instances = self._forward_box(features_list, proposals)
  File "/app/detectron2/detectron2/modeling/roi_heads/cascade_rcnn.py", line 112, in _forward_box
    head_outputs.append(self._run_stage(features, proposals, k))
  File "/app/detectron2/detectron2/modeling/roi_heads/cascade_rcnn.py", line 203, in _run_stage
    box_features = self.box_pooler(features, [x.proposal_boxes for x in proposals])
  File "/opt/conda/lib/python3.6/site-packages/torch/nn/modules/module.py", line 541, in __call__
    result = self.forward(*input, **kwargs)
  File "/app/detectron2/detectron2/modeling/poolers.py", line 192, in forward
    output[inds] = pooler(x_level, pooler_fmt_boxes_level)
  File "/opt/conda/lib/python3.6/site-packages/torch/nn/modules/module.py", line 541, in __call__
    result = self.forward(*input, **kwargs)
  File "/app/detectron2/detectron2/layers/roi_align.py", line 95, in forward
    input, rois, self.output_size, self.spatial_scale, self.sampling_ratio, self.aligned
  File "/app/detectron2/detectron2/layers/roi_align.py", line 20, in forward
    input, roi, spatial_scale, output_size[0], output_size[1], sampling_ratio, aligned
RuntimeError: CUDA error: invalid device function (ROIAlign_forward_cuda at /app/detectron2/detectron2/layers/csrc/ROIAlign/ROIAlign_cuda.cu:359)
frame #0: c10::Error::Error(c10::SourceLocation, std::string const&) + 0x47 (0x7ffa5c402687 in /opt/conda/lib/python3.6/site-packages/torch/lib/libc10.so)
frame #1: ROIAlign_forward_cuda(at::Tensor const&, at::Tensor const&, float, int, int, int, bool) + 0xa37 (0x7ffa0653b6f5 in /app/detectron2/detectron2/_C.cpython-36m-x86_64-linux-gnu.so)
frame #2: ROIAlign_forward(at::Tensor const&, at::Tensor const&, float, int, int, int, bool) + 0xbc (0x7ffa064c9fdc in /app/detectron2/detectron2/_C.cpython-36m-x86_64-linux-gnu.so)
frame #3: <unknown function> + 0x5961a (0x7ffa064db61a in /app/detectron2/detectron2/_C.cpython-36m-x86_64-linux-gnu.so)
frame #4: <unknown function> + 0x5971e (0x7ffa064db71e in /app/detectron2/detectron2/_C.cpython-36m-x86_64-linux-gnu.so)
frame #5: <unknown function> + 0x53ca0 (0x7ffa064d5ca0 in /app/detectron2/detectron2/_C.cpython-36m-x86_64-linux-gnu.so)
<omitting python frames>
frame #12: THPFunction_apply(_object*, _object*) + 0x9ff (0x7ffa5d63dacf in /opt/conda/lib/python3.6/site-packages/torch/lib/libtorch_python.so)

Environment

---------------------  -------------------------------------------------------------------
Python                 3.6.8 |Anaconda, Inc.| (default, Dec 30 2018, 01:22:34) [GCC 7.3.0]
Detectron2 Compiler    GCC 5.4
DETECTRON2_ENV_MODULE  <not set>
PyTorch                1.3.0
PyTorch Debug Build    False
CUDA available         True
GPU 0,1                GeForce GTX 1080 Ti
Pillow                 6.2.0
cv2                    3.4.4
---------------------  -------------------------------------------------------------------
PyTorch built with:
  - GCC 7.3
  - Intel(R) Math Kernel Library Version 2019.0.4 Product Build 20190411 for Intel(R) 64 architecture applications
  - Intel(R) MKL-DNN v0.20.5 (Git Hash 0125f28c61c1f822fd48570b4c1066f96fcb9b2e)
  - OpenMP 201511 (a.k.a. OpenMP 4.5)
  - NNPACK is enabled
  - CUDA Runtime 10.1
  - NVCC architecture flags: -gencode;arch=compute_35,code=sm_35;-gencode;arch=compute_50,code=sm_50;-gencode;arch=compute_60,code=sm_60;-gencode;arch=compute_61,code=sm_61;-gencode;arch=compute_70,code=sm_70;-gencode;arch=compute_75,code=sm_75;-gencode;arch=compute_50,code=compute_50
  - CuDNN 7.6.3
  - Magma 2.5.1
  - Build settings: BLAS=MKL, BUILD_NAMEDTENSOR=OFF, BUILD_TYPE=Release, CXX_FLAGS= -Wno-deprecated -fvisibility-inlines-hidden -fopenmp -DUSE_FBGEMM -DUSE_QNNPACK -DUSE_PYTORCH_QNNPACK -O2 -fPIC -Wno-narrowing -Wall -Wextra -Wno-missing-field-initializers -Wno-type-limits -Wno-array-bounds -Wno-unknown-pragmas -Wno-sign-compare -Wno-unused-parameter -Wno-unused-variable -Wno-unused-function -Wno-unused-result -Wno-strict-overflow -Wno-strict-aliasing -Wno-error=deprecated-declarations -Wno-stringop-overflow -Wno-error=pedantic -Wno-error=redundant-decls -Wno-error=old-style-cast -fdiagnostics-color=always -faligned-new -Wno-unused-but-set-variable -Wno-maybe-uninitialized -fno-math-errno -fno-trapping-math -Wno-stringop-overflow, DISABLE_NUMA=1, PERF_WITH_AVX=1, PERF_WITH_AVX2=1, PERF_WITH_AVX512=1, USE_CUDA=True, USE_EXCEPTION_PTR=1, USE_GFLAGS=OFF, USE_GLOG=OFF, USE_MKL=ON, USE_MKLDNN=ON, USE_MPI=OFF, USE_NCCL=ON, USE_NNPACK=ON, USE_OPENMP=ON, USE_STATIC_DISPATCH=OFF

Different settings in config compared to maskrcnn_benchmark

Hello,

I have noticed that the numbers reported in this repo. is better than that in maskrcnn_benchmark repo. After comparing the training config settings, there are several differences that cause the performance gap.

First of all, I checked the configs in configs/COCO-Detection/. All "1x" settings do not overwrite the MAX_ITER in the default config (MAX_ITER=40K by default). But from the description in the MODEL_ZOO and also in maskrcnn_benchmark, the "1x" setting is for MAX_ITER=90K and BATCH_SIZE=16. This is not consistent. So how much iterations are these models "1x" trained for?

Second, the BASE_LR is set to 0.001 in this repo. and maskrcnn_benchmark uses BASE_LR=0.02. I am just curious will 0.001 be too small so that you argue "1x" is under-trained?

Third, the other two parameters that I think will contribute to this performance gap and also increase training time. MODEL.RPN.POST_NMS_TOPK_TRAIN = 2000 in this repo and 1000 for maskrcnn. And MODEL.ROI_BOX_HEAD.POOLER_RESOLUTION = 14 Iin this repo. and 7 for maskrcnn.

Could you please confirm the iterations for "1x"?

Mobile Model Support

Hi! I was wondering if there are plans to release pre-trained models/model configurations that would be able to run on mobile devices. Also are there any tools that would quickly show the FLOPs each various model has? Would be nice to help estimate runtime performance on various mobile devices.

mutil task training

Does Detectron2 can train box head ,segmentation head and keypoint head simultaneously?
and inference box head ,segmentation head and keypoint head simultaneously?
and get the three tasks results in a picture?

How to extract feature from any layer in a pre-trained detector?

Thanks for your great work! The performances of the detectors are amazing!

I have some questions on detectron2.

  1. Now I have a list of bbox coordinates with respect to some images, how can I run a pre-trained detector (i.e. Faster-RCNN-R50-FPN) on these images, and crop the feature map (i.e. extract the 7x7 rois in the detector) according to the bbox coordinates? Is there an API in detectron2 to do the work?
  2. How can I generate the proposals for Fast-RCNN, should I run the RPN directly to get the .pkl file?

Thank you again for your attention!

ImportError: No module named 'fvcore'

detectron2/detectron2/checkpoint/model_zoo.py", line 3, in <module>
    from fvcore.common.file_io import PathHandler, PathManager
ImportError: No module named 'fvcore'

How to find the keypoints for using "draw_and_connect_keypoints(keypoints)"

Hi all!
I am new to Detectron2 and am struggling a lot to visualize keypoints in my inferred images.

What I did
I inferred a model using these commands from the Colab Tutorial:

`from detectron2.engine import DefaultPredictor
from detectron2.config import get_cfg
cfg = get_cfg()
cfg.merge_from_file("./detectron2_repo/configs/COCO-InstanceSegmentation/mask_rcnn_R_50_FPN_3x.yaml")
cfg.MODEL.ROI_HEADS.SCORE_THRESH_TEST = 0.5 # set threshold for this model
cfg.MODEL.WEIGHTS = "detectron2://COCO-InstanceSegmentation/mask_rcnn_R_50_FPN_3x/137849600/model_final_f10217.pkl"
predictor = DefaultPredictor(cfg)
outputs = predictor(im)

outputs["instances"].pred_classes
outputs["instances"].pred_boxes

from detectron2.utils.visualizer import Visualizer
from detectron2.data import MetadataCatalog
v = Visualizer(im, MetadataCatalog.get("coco_2017_val"), scale=1.5)
v = v.draw_instance_predictions(outputs["instances"].to("cpu"))
v = v.draw_and_connect_keypoints(keypoints)
cv2_imshow(v.get_image()[:, :, ::-1])`

What I expected to happen / What i wish for...
I expected to draw the connected keypoints on top of my visualized InstanceSegmentation image and show it with openCV.

What happened
Console output:

`AttributeError Traceback (most recent call last)
in ()
3 v = Visualizer(im, MetadataCatalog.get("coco_2017_val"), scale=1.5)
4 v = v.draw_instance_predictions(outputs["instances"].to("cpu"))
----> 5 v = v.draw_and_connect_keypoints(keypoints)
6 cv2_imshow(v.get_image()[:, :, ::-1])

AttributeError: 'VisImage' object has no attribute 'draw_and_connect_keypoints'`

What i dont seem to get after many hours
Unfortunately I am not too familiar with Detectron. I assume that I am missing the keypoints because I am not using the right files in terms of inference and won't get the keypoints. I am running InstanceSegmentation and not KeypointSegmentation, which might be a problem. I can not figure out how to extract the keypoints and visualize them within the same framework. I also went through the documentation:
https://detectron2.readthedocs.io/modules/utils.html#module-detectron2.utils.visualizer

If anybody can help me with that, it'd be great! Tomorrow I would have a great opportunity to test it. Any advice or tip would be well appreciated!

_C.cpython-37m-darwin.so rename _C.so also failed

python3 demo/demo.py --config-file configs/COCO-InstanceSegmentation/mask_rcnn_R_50_FPN_3x.yaml   --input input1.jpg input2.jpg   --opts MODEL.WEIGHTS detectron2://COCO-InstanceSegmentation/mask_rcnn_R_50_FPN_3x/137849600/model_final_f10217.pkl
Traceback (most recent call last):
  File "demo/demo.py", line 11, in <module>
    from detectron2.data.detection_utils import read_image
  File "/Users/jxc/PycharmProjects/detectron2/detectron2/detectron2/data/__init__.py", line 4, in <module>
    from .build import (
  File "/Users/jxc/PycharmProjects/detectron2/detectron2/detectron2/data/build.py", line 13, in <module>
    from detectron2.structures import BoxMode
  File "/Users/jxc/PycharmProjects/detectron2/detectron2/detectron2/structures/__init__.py", line 2, in <module>
    from .boxes import Boxes, BoxMode, pairwise_iou
  File "/Users/jxc/PycharmProjects/detectron2/detectron2/detectron2/structures/boxes.py", line 7, in <module>
    from detectron2.layers import cat
  File "/Users/jxc/PycharmProjects/detectron2/detectron2/detectron2/layers/__init__.py", line 3, in <module>
    from .deform_conv import DeformConv, ModulatedDeformConv
  File "/Users/jxc/PycharmProjects/detectron2/detectron2/detectron2/layers/deform_conv.py", line 10, in <module>
    from detectron2 import _C
ImportError: dlopen(/Users/jxc/PycharmProjects/detectron2/detectron2/detectron2/_C.cpython-37m-darwin.so, 2): Symbol not found: __ZN3c1019NonVariableTypeMode10is_enabledEv
  Referenced from: /Users/jxc/PycharmProjects/detectron2/detectron2/detectron2/_C.cpython-37m-darwin.so
  Expected in: flat namespace
 in /Users/jxc/PycharmProjects/detectron2/detectron2/detectron2/_C.cpython-37m-darwin.so

Docker image for Detectron2

I'm encountering problems to build detectron2 from Manjaro. Will there be a docker version of detectron2?

multi-gpu is unstable?

If you do not know the root cause of the problem / bug, and wish someone to help you, please
include:

To Reproduce

  1. what changes you made / what code you wrote

In tools/train_net.py, I add new dataset in the beginning of main function.

def main(args):  
    register_coco_instances("moda", {}, "moda.json", "datasets/moda/images")

You can download moda.json here
You can also download partial of moda images here
Full images are here. Not recommended due to large size.

configs/modanet.yaml as follows:

_BASE_: "./Base-RCNN-FPN.yaml"
MODEL:
  WEIGHTS: "detectron2://ImageNetPretrained/MSRA/R-50.pkl"
  # WEIGHTS: "detectron2://COCO-InstanceSegmentation/mask_rcnn_R_50_FPN_3x/137849600/model_final_f10217.pkl"  # initialize from model zoo
  MASK_ON: True
  RESNETS:
    DEPTH: 50
  ROI_HEADS:
    NUM_CLASSES: 13
DATASETS:
  TRAIN: ("moda",)
  TEST: ()
DATALOADER:
  ASPECT_RATIO_GROUPING: False
  # NUM_WORKERS: 4
SOLVER:
  IMS_PER_BATCH: 20
  BASE_LR: 0.01
  STEPS: (60000, 80000)
  MAX_ITER: 90000
  1. what command you run

python tools/train_net.py --num-gpus 4 --config-file configs/modanet.yaml

  1. what you observed (full logs are preferred)

When I use single GPU, it always works fine! But, when I tried to use multiple GPU several bugs occur randomly. Rarely, multiple GPU works fine. What's wrong with it?

First bug is about Box2BoxTransform. When I debug it, the anchor's width is lower than 0.

[10/14 15:39:39 d2.engine.train_loop]: Starting training from iteration 0
Traceback (most recent call last):
  File "modanet.py", line 162, in <module>
    args=(args,),
  File "/SSD/hyunsu/detectron2/detectron2/engine/launch.py", line 49, in launch
    daemon=False,
  File "/home/user/miniconda/envs/detectron2/lib/python3.7/site-packages/torch/multiprocessing/spawn.
py", line 171, in spawn
    while not spawn_context.join():
  File "/home/user/miniconda/envs/detectron2/lib/python3.7/site-packages/torch/multiprocessing/spawn.
py", line 118, in join
    raise Exception(msg)
Exception:


-- Process 2 terminated with the following error:
Traceback (most recent call last):
  File "/home/user/miniconda/envs/detectron2/lib/python3.7/site-packages/torch/multiprocessing/spawn.
py", line 19, in _wrap
    fn(i, *args)
  File "/SSD/hyunsu/detectron2/detectron2/engine/launch.py", line 84, in _distributed_worker
    main_func(*args)
  File "/SSD/hyunsu/detectron2/modanet.py", line 146, in main
    return trainer.train()
  File "/SSD/hyunsu/detectron2/detectron2/engine/defaults.py", line 329, in train
    super().train(self.start_iter, self.max_iter)
  File "/SSD/hyunsu/detectron2/detectron2/engine/train_loop.py", line 132, in train
    self.run_step()
  File "/SSD/hyunsu/detectron2/detectron2/engine/train_loop.py", line 212, in run_step
    loss_dict = self.model(data)
  File "/home/user/miniconda/envs/detectron2/lib/python3.7/site-packages/torch/nn/modules/module.py",
line 541, in __call__
    result = self.forward(*input, **kwargs)
  File "/home/user/miniconda/envs/detectron2/lib/python3.7/site-packages/torch/nn/parallel/distribute
d.py", line 442, in forward
    output = self.module(*inputs[0], **kwargs[0])
  File "/home/user/miniconda/envs/detectron2/lib/python3.7/site-packages/torch/nn/modules/module.py",
line 541, in __call__
    result = self.forward(*input, **kwargs)
  File "/SSD/hyunsu/detectron2/detectron2/modeling/meta_arch/rcnn.py", line 82, in forward
    proposals, proposal_losses = self.proposal_generator(images, features, gt_instances)
  File "/home/user/miniconda/envs/detectron2/lib/python3.7/site-packages/torch/nn/modules/module.py",
line 541, in __call__
    result = self.forward(*input, **kwargs)
  File "/SSD/hyunsu/detectron2/detectron2/modeling/proposal_generator/rpn.py", line 161, in forward
    losses = {k: v * self.loss_weight for k, v in outputs.losses().items()}
  File "/SSD/hyunsu/detectron2/detectron2/modeling/proposal_generator/rpn_outputs.py", line 316, in l
osses
    gt_objectness_logits, gt_anchor_deltas = self._get_ground_truth()
  File "/SSD/hyunsu/detectron2/detectron2/modeling/proposal_generator/rpn_outputs.py", line 283, in _
get_ground_truth
    anchors_i.tensor, matched_gt_boxes.tensor
  File "/SSD/hyunsu/detectron2/detectron2/modeling/box_regression.py", line 63, in get_deltas
    assert (src_widths > 0).all().item(), "Input boxes to Box2BoxTransform are not valid!"
AssertionError: Input boxes to Box2BoxTransform are not valid!

Second bug is as follows:


Traceback (most recent call last):
  File "modanet.py", line 162, in <module>
    args=(args,),
  File "/SSD/hyunsu/detectron2/detectron2/engine/launch.py", line 49, in launch
    daemon=False,
  File "/home/user/miniconda/envs/detectron2/lib/python3.7/site-packages/torch/multiprocessing/spawn.py", line 171, in spawn
    while not spawn_context.join():
  File "/home/user/miniconda/envs/detectron2/lib/python3.7/site-packages/torch/multiprocessing/spawn.py", line 118, in join
    raise Exception(msg)
Exception:


-- Process 2 terminated with the following error:
Traceback (most recent call last):
  File "/home/user/miniconda/envs/detectron2/lib/python3.7/site-packages/torch/multiprocessing/spawn.py", line 19, in _wrap
    fn(i, *args)
  File "/SSD/hyunsu/detectron2/detectron2/engine/launch.py", line 84, in _distributed_worker
    main_func(*args)
  File "/SSD/hyunsu/detectron2/modanet.py", line 146, in main
    return trainer.train()
  File "/SSD/hyunsu/detectron2/detectron2/engine/defaults.py", line 329, in train
    super().train(self.start_iter, self.max_iter)
  File "/SSD/hyunsu/detectron2/detectron2/engine/train_loop.py", line 132, in train
    self.run_step()
  File "/SSD/hyunsu/detectron2/detectron2/engine/train_loop.py", line 212, in run_step
    loss_dict = self.model(data)
  File "/home/user/miniconda/envs/detectron2/lib/python3.7/site-packages/torch/nn/modules/module.py", line 541, in __call__
    result = self.forward(*input, **kwargs)
  File "/home/user/miniconda/envs/detectron2/lib/python3.7/site-packages/torch/nn/parallel/distributed.py", line 442, in forward
    output = self.module(*inputs[0], **kwargs[0])
  File "/home/user/miniconda/envs/detectron2/lib/python3.7/site-packages/torch/nn/modules/module.py", line 541, in __call__
    result = self.forward(*input, **kwargs)
  File "/SSD/hyunsu/detectron2/detectron2/modeling/meta_arch/rcnn.py", line 82, in forward
    proposals, proposal_losses = self.proposal_generator(images, features, gt_instances)
  File "/home/user/miniconda/envs/detectron2/lib/python3.7/site-packages/torch/nn/modules/module.py", line 541, in __call__
    result = self.forward(*input, **kwargs)
  File "/SSD/hyunsu/detectron2/detectron2/modeling/proposal_generator/rpn.py", line 143, in forward
    anchors = self.anchor_generator(features)
  File "/home/user/miniconda/envs/detectron2/lib/python3.7/site-packages/torch/nn/modules/module.py", line 541, in __call__
    result = self.forward(*input, **kwargs)
  File "/SSD/hyunsu/detectron2/detectron2/modeling/anchor_generator.py", line 181, in forward
    anchors_over_all_feature_maps = self.grid_anchors(grid_sizes)
  File "/SSD/hyunsu/detectron2/detectron2/modeling/anchor_generator.py", line 124, in grid_anchors
    shift_x, shift_y = _create_grid_offsets(size, stride, base_anchors.device)
  File "/SSD/hyunsu/detectron2/detectron2/modeling/anchor_generator.py", line 43, in _create_grid_offsets
    shifts_x = torch.arange(0, grid_width * stride, step=stride, dtype=torch.float32, device=device)
RuntimeError: tabulate: failed to synchronize: cudaErrorIllegalAddress: an illegal memory access was encountered

Third bug is as follows:

[10/14 15:42:59 d2.engine.train_loop]: Starting training from iteration 0
Traceback (most recent call last):
  File "modanet.py", line 162, in <module>
    args=(args,),
  File "/SSD/hyunsu/detectron2/detectron2/engine/launch.py", line 49, in launch
    daemon=False,
  File "/home/user/miniconda/envs/detectron2/lib/python3.7/site-packages/torch/multiprocessing/spawn.py", line 171, in spawn
    while not spawn_context.join():
  File "/home/user/miniconda/envs/detectron2/lib/python3.7/site-packages/torch/multiprocessing/spawn.py", line 118, in join
    raise Exception(msg)
Exception:


-- Process 2 terminated with the following error:
Traceback (most recent call last):
  File "/home/user/miniconda/envs/detectron2/lib/python3.7/site-packages/torch/multiprocessing/spawn.py", line 19, in _wrap
    fn(i, *args)
  File "/SSD/hyunsu/detectron2/detectron2/engine/launch.py", line 84, in _distributed_worker
    main_func(*args)
  File "/SSD/hyunsu/detectron2/modanet.py", line 146, in main
    return trainer.train()
  File "/SSD/hyunsu/detectron2/detectron2/engine/defaults.py", line 329, in train
    super().train(self.start_iter, self.max_iter)
  File "/SSD/hyunsu/detectron2/detectron2/engine/train_loop.py", line 132, in train
    self.run_step()
  File "/SSD/hyunsu/detectron2/detectron2/engine/train_loop.py", line 212, in run_step
    loss_dict = self.model(data)
  File "/home/user/miniconda/envs/detectron2/lib/python3.7/site-packages/torch/nn/modules/module.py", line 541, in __call__
    result = self.forward(*input, **kwargs)
  File "/home/user/miniconda/envs/detectron2/lib/python3.7/site-packages/torch/nn/parallel/distributed.py", line 442, in forward
    output = self.module(*inputs[0], **kwargs[0])
  File "/home/user/miniconda/envs/detectron2/lib/python3.7/site-packages/torch/nn/modules/module.py", line 541, in __call__
    result = self.forward(*input, **kwargs)
  File "/SSD/hyunsu/detectron2/detectron2/modeling/meta_arch/rcnn.py", line 82, in forward
    proposals, proposal_losses = self.proposal_generator(images, features, gt_instances)
  File "/home/user/miniconda/envs/detectron2/lib/python3.7/site-packages/torch/nn/modules/module.py", line 541, in __call__
    result = self.forward(*input, **kwargs)
  File "/SSD/hyunsu/detectron2/detectron2/modeling/proposal_generator/rpn.py", line 161, in forward
    losses = {k: v * self.loss_weight for k, v in outputs.losses().items()}
  File "/SSD/hyunsu/detectron2/detectron2/modeling/proposal_generator/rpn_outputs.py", line 316, in losses
    gt_objectness_logits, gt_anchor_deltas = self._get_ground_truth()
  File "/SSD/hyunsu/detectron2/detectron2/modeling/proposal_generator/rpn_outputs.py", line 268, in _get_ground_truth
    matched_idxs, gt_objectness_logits_i = self.anchor_matcher(match_quality_matrix)
  File "/SSD/hyunsu/detectron2/detectron2/modeling/matcher.py", line 78, in __call__
    assert torch.all(match_quality_matrix >= 0)
AssertionError

When it works, the distribution between GPUs is unbalanced as follows:

(detectron2) root@b06e1b5c1ffb:/SSD/hyunsu/detectron2# nvidia-smi
Sun Oct 13 16:49:43 2019
+-----------------------------------------------------------------------------+
| NVIDIA-SMI 418.56       Driver Version: 418.56       CUDA Version: 10.1     |
|-------------------------------+----------------------+----------------------+
| GPU  Name        Persistence-M| Bus-Id        Disp.A | Volatile Uncorr. ECC |
| Fan  Temp  Perf  Pwr:Usage/Cap|         Memory-Usage | GPU-Util  Compute M. |
|===============================+======================+======================|
|   0  TITAN Xp            On   | 00000000:83:00.0 Off |                  N/A |
| 39%   65C    P2   206W / 250W |  11539MiB / 12196MiB |     99%      Default |
+-------------------------------+----------------------+----------------------+
|   1  TITAN Xp            On   | 00000000:84:00.0 Off |                  N/A |
| 40%   65C    P2   206W / 250W |   8375MiB / 12196MiB |     99%      Default |
+-------------------------------+----------------------+----------------------+
|   2  TITAN Xp            On   | 00000000:87:00.0 Off |                  N/A |
| 47%   75C    P2   236W / 250W |  11089MiB / 12196MiB |     98%      Default |
+-------------------------------+----------------------+----------------------+
|   3  TITAN Xp            On   | 00000000:88:00.0 Off |                  N/A |
| 49%   79C    P2   257W / 250W |   8409MiB / 12196MiB |     99%      Default |
+-------------------------------+----------------------+----------------------+

+-----------------------------------------------------------------------------+
| Processes:                                                       GPU Memory |
|  GPU       PID   Type   Process name                             Usage      |
|=============================================================================|
+-----------------------------------------------------------------------------+

Expected behavior

It should work both single and multiple GPUs. But, I feel like it's quite unstable when I use multiple GPU.

Environment

Please paste the output of python -m detectron2.utils.collect_env.

/home/user/miniconda/envs/detectron2/bin/python: Error while finding module specification for 'detectron2.utils.collect_env.' (ModuleNotFoundError: __path__ attribute not found on 'detectron2.utils.collect_env' while trying to find 'detectron2.utils.collect_env.')
(detectron2) root@b06e1b5c1ffb:/SSD/hyunsu/detectron2# python -m detectron2.utils.collect_env .
---------------------  --------------------------------------------------
Python                 3.7.4 (default, Aug 13 2019, 20:35:49) [GCC 7.3.0]
Detectron2 Compiler    GCC 5.4
DETECTRON2_ENV_MODULE  <not set>
PyTorch                1.3.0
PyTorch Debug Build    False
CUDA available         True
GPU 0,1,2,3            TITAN Xp
Pillow                 6.2.0
cv2                    4.1.1
---------------------  --------------------------------------------------
PyTorch built with:
  - GCC 7.3
  - Intel(R) Math Kernel Library Version 2019.0.4 Product Build 20190411 for Intel(R) 64 architecture applications
  - Intel(R) MKL-DNN v0.20.5 (Git Hash 0125f28c61c1f822fd48570b4c1066f96fcb9b2e)
  - OpenMP 201511 (a.k.a. OpenMP 4.5)
  - NNPACK is enabled
  - CUDA Runtime 10.1
  - NVCC architecture flags: -gencode;arch=compute_35,code=sm_35;-gencode;arch=compute_50,code=sm_50;-gencode;arch=compute_60,code=sm_60;-gencode;arch=compute_61,code=sm_61;-gencode;arch=compute_70,code=sm_70;-gencode;arch=compute_75,code=sm_75;-gencode;arch=compute_50,code=compute_50
  - CuDNN 7.6.3
  - Magma 2.5.1
  - Build settings: BLAS=MKL, BUILD_NAMEDTENSOR=OFF, BUILD_TYPE=Release, CXX_FLAGS= -Wno-deprecated -fvisibility-inlines-hidden -fopenmp -DUSE_FBGEMM -DUSE_QNNPACK -DUSE_PYTORCH_QNNPACK -O2 -fPIC -Wno-narrowing -Wall -Wextra -Wno-missing-field-initializers -Wno-type-limits -Wno-array-bounds -Wno-unknown-pragmas -Wno-sign-compare -Wno-unused-parameter -Wno-unused-variable -Wno-unused-function -Wno-unused-result -Wno-strict-overflow -Wno-strict-aliasing -Wno-error=deprecated-declarations -Wno-stringop-overflow -Wno-error=pedantic -Wno-error=redundant-decls -Wno-error=old-style-cast -fdiagnostics-color=always -faligned-new -Wno-unused-but-set-variable -Wno-maybe-uninitialized -fno-math-errno -fno-trapping-math -Wno-stringop-overflow, DISABLE_NUMA=1, PERF_WITH_AVX=1, PERF_WITH_AVX2=1, PERF_WITH_AVX512=1, USE_CUDA=True, USE_EXCEPTION_PTR=1, USE_GFLAGS=OFF, USE_GLOG=OFF, USE_MKL=ON, USE_MKLDNN=ON, USE_MPI=OFF, USE_NCCL=ON, USE_NNPACK=ON, USE_OPENMP=ON, USE_STATIC_DISPATCH=OFF,

GTK Error and leaked semophore

If you do not know the root cause of the problem / bug, and wish someone to help you, please
include:

I am trying to run the demo script, I have followed the installation in INSTALL.md.
I have an mp4 file and a jpg that I am trying to test.

I get this error when running these:
python3 demo/demo.py --config-file configs/COCO-InstanceSegmentation/mask_rcnn_R_50_FPN_3x.yaml --input demo/photo.jpg --opts MODEL.WEIGHTS detectron2://COCO-InstanceSegmentation/mask_rcnn_R_50_FPN_3x/137849600/model_final_f10217.pkl

python3 demo/demo.py --config-file configs/COCO-InstanceSegmentation/mask_rcnn_R_50_FPN_3x.yaml --video-input demo/video.mp4 --opts MODEL.WEIGHTS detectron2://COCO-InstanceSegmentation/mask_rcnn_R_50_FPN_3x/137849600/model_final_f10217.pkl

(demo.py:23305): Gtk-ERROR **: 22:18:12.953: GTK+ 2.x symbols detected. Using GTK+ 2.x and GTK+ 3 in the same process is not supported
/usr/lib/python3.6/multiprocessing/semaphore_tracker.py:143: UserWarning: semaphore_tracker: There appear to be 1 leaked semaphores to clean up at shutdown
  len(cache))
Trace/breakpoint trap (core dumped)

To Reproduce

I have not changed any of the source, I installed and then ran.
The commands are listed above.
I can provide more details if needed, I don't have a 'full log'.

Expected behavior

I was expecting the model to show me the object detections for the video and the image.
I am not too familiar with GTK or multiprocessing, so I don't have a great idea for how to resolve this myself.

Environment

I am on Ubuntu 18.04 on a Intel(R) Core(TM) i5-6400 CPU @ 2.70GHz.
My graphics cards is a GTX 970.

---------------------  --------------------------------------------------
Python                 3.6.8 (default, Oct  7 2019, 12:59:55) [GCC 8.3.0]
Detectron2 Compiler    GCC 7.4
DETECTRON2_ENV_MODULE  <not set>
PyTorch                1.3.0
PyTorch Debug Build    False
CUDA available         True
GPU 0                  GeForce GTX 970
Pillow                 6.0.0
cv2                    4.1.0
---------------------  --------------------------------------------------
PyTorch built with:
  - GCC 7.3
  - Intel(R) Math Kernel Library Version 2019.0.4 Product Build 20190411 for Intel(R) 64 architecture applications
  - Intel(R) MKL-DNN v0.20.5 (Git Hash 0125f28c61c1f822fd48570b4c1066f96fcb9b2e)
  - OpenMP 201511 (a.k.a. OpenMP 4.5)
  - NNPACK is enabled
  - CUDA Runtime 10.1
  - NVCC architecture flags: -gencode;arch=compute_35,code=sm_35;-gencode;arch=compute_50,code=sm_50;-gencode;arch=compute_60,code=sm_60;-gencode;arch=compute_61,code=sm_61;-gencode;arch=compute_70,code=sm_70;-gencode;arch=compute_75,code=sm_75;-gencode;arch=compute_50,code=compute_50
  - CuDNN 7.6.3
  - Magma 2.5.1
  - Build settings: BLAS=MKL, BUILD_NAMEDTENSOR=OFF, BUILD_TYPE=Release, CXX_FLAGS= -Wno-deprecated -fvisibility-inlines-hidden -fopenmp -DUSE_FBGEMM -DUSE_QNNPACK -DUSE_PYTORCH_QNNPACK -O2 -fPIC -Wno-narrowing -Wall -Wextra -Wno-missing-field-initializers -Wno-type-limits -Wno-array-bounds -Wno-unknown-pragmas -Wno-sign-compare -Wno-unused-parameter -Wno-unused-variable -Wno-unused-function -Wno-unused-result -Wno-strict-overflow -Wno-strict-aliasing -Wno-error=deprecated-declarations -Wno-stringop-overflow -Wno-error=pedantic -Wno-error=redundant-decls -Wno-error=old-style-cast -fdiagnostics-color=always -faligned-new -Wno-unused-but-set-variable -Wno-maybe-uninitialized -fno-math-errno -fno-trapping-math -Wno-stringop-overflow, DISABLE_NUMA=1, PERF_WITH_AVX=1, PERF_WITH_AVX2=1, PERF_WITH_AVX512=1, USE_CUDA=True, USE_EXCEPTION_PTR=1, USE_GFLAGS=OFF, USE_GLOG=OFF, USE_MKL=ON, USE_MKLDNN=ON, USE_MPI=OFF, USE_NCCL=ON, USE_NNPACK=ON, USE_OPENMP=ON, USE_STATIC_DISPATCH=OFF,

Thank you, let me know if more information is needed.

Spend too much time on running detectron2.engine.DefaultPredictor(cfg)

If you do not know the root cause of the problem / bug, and wish someone to help you, please
include:

When I try to run the demo :

from detectron2.engine import DefaultPredictor
from detectron2.config import get_cfg
cfg = get_cfg()
cfg.merge_from_file("./detectron2_repo/configs/COCO-InstanceSegmentation/mask_rcnn_R_50_FPN_3x.yaml")
cfg.MODEL.ROI_HEADS.SCORE_THRESH_TEST = 0.5  # set threshold for this model
cfg.MODEL.WEIGHTS = "detectron2://COCO-InstanceSegmentation/mask_rcnn_R_50_FPN_3x/137849600/model_final_f10217.pkl"
predictor = DefaultPredictor(cfg)
outputs = predictor(im)

It took 390 seconds to run predictor = DefaultPredictor(cfg)

when I debug the code, it seemed to be
pixel_mean = torch.Tensor(cfg.MODEL.PIXEL_MEAN).to(self.device).view(num_channels, 1, 1)
in the rcnn.py which took a long time.
But it works fine on colab.
How can i fix it or what's wrong with my environment?

Environment


Python 3.7.4 (default, Aug 13 2019, 20:35:49) [GCC 7.3.0]
Detectron2 Compiler GCC 7.4
DETECTRON2_ENV_MODULE
PyTorch 1.3.0
PyTorch Debug Build False
CUDA available True
GPU 0 GeForce RTX 2080
Pillow 6.1.0
cv2 4.1.0


PyTorch built with:

  • GCC 7.3
  • Intel(R) Math Kernel Library Version 2019.0.4 Product Build 20190411 for Intel(R) 64 architecture applications
  • Intel(R) MKL-DNN v0.20.5 (Git Hash 0125f28c61c1f822fd48570b4c1066f96fcb9b2e)
  • OpenMP 201511 (a.k.a. OpenMP 4.5)
  • NNPACK is enabled
  • CUDA Runtime 10.1
  • NVCC architecture flags: -gencode;arch=compute_35,code=sm_35;-gencode;arch=compute_50,code=sm_50;-gencode;arch=compute_50,code=compute_50
  • CuDNN 7.6.3
  • Magma 2.5.1
  • Build settings: BLAS=MKL, BUILD_NAMEDTENSOR=OFF, BUILD_TYPE=Release, CXX_FLAGS= -Wno-deprecated -fvisibility-inlines-hidden -fopenmp -DUSE_FBGEMM -DUSE_QNNPACK -DUSE_PYTORCH_QNNPACK -O2 -fPIC -Wno-narrowing -Wall -Wextra -Wno-missing-field-initializers -Wno-type-limits -Wno-array-bounds -Wno-unknown-pragmas -Wno-sign-compare -Wno-unused-parameter -Wno-unused-variable -Wno-unused-function -Wno-unused-result -Wno-strict-overflow -Wno-strict-aliasing -Wno-error=deprecated-declarations -Wno-stringop-overflow -Wno-error=pedantic -Wno-error=redundant-decls -Wno-error=old-style-cast -fdiagnostics-color=always -faligned-new -Wno-unused-but-set-variable -Wno-maybe-uninitialized -fno-math-errno -fno-trapping-math -Wno-stringop-overflow, DISABLE_NUMA=1, PERF_WITH_AVX=1, PERF_WITH_AVX2=1, PERF_WITH_AVX512=1, USE_CUDA=True, USE_EXCEPTION_PTR=1, USE_GFLAGS=OFF, USE_GLOG=OFF, USE_MKL=ON, USE_MKLDNN=ON, USE_MPI=OFF, USE_NCCL=ON, USE_NNPACK=ON, USE_OPENMP=ON, USE_STATIC_DISPATCH=OFF,

Why does it take so long time to start?

❓ Questions and Help

Hello~
When I start to train RetinaNet with default setting, it is very slow in preparation phase !
Info in the console is as following:

[10/12 14:51:43 detectron2]: Full config saved to output/detectron2/DEBUG/config.yaml
[10/12 14:51:43 d2.utils.env]: Using a generated random seed 43796016
[10/12 15:03:06 d2.engine.defaults]: Model:

from 14:51:43 to 15:03:06, it does not start to train.
Therefore, could you tell me why does it take so long time?
Thank you very much!

Recommend Projects

  • React photo React

    A declarative, efficient, and flexible JavaScript library for building user interfaces.

  • Vue.js photo Vue.js

    🖖 Vue.js is a progressive, incrementally-adoptable JavaScript framework for building UI on the web.

  • Typescript photo Typescript

    TypeScript is a superset of JavaScript that compiles to clean JavaScript output.

  • TensorFlow photo TensorFlow

    An Open Source Machine Learning Framework for Everyone

  • Django photo Django

    The Web framework for perfectionists with deadlines.

  • D3 photo D3

    Bring data to life with SVG, Canvas and HTML. 📊📈🎉

Recommend Topics

  • javascript

    JavaScript (JS) is a lightweight interpreted programming language with first-class functions.

  • web

    Some thing interesting about web. New door for the world.

  • server

    A server is a program made to process requests and deliver data to clients.

  • Machine learning

    Machine learning is a way of modeling and interpreting data that allows a piece of software to respond intelligently.

  • Game

    Some thing interesting about game, make everyone happy.

Recommend Org

  • Facebook photo Facebook

    We are working to build community through open source technology. NB: members must have two-factor auth.

  • Microsoft photo Microsoft

    Open source projects and samples from Microsoft.

  • Google photo Google

    Google ❤️ Open Source for everyone.

  • D3 photo D3

    Data-Driven Documents codes.