Giter Club home page Giter Club logo

Comments (84)

akinari1223 avatar akinari1223 commented on June 12, 2024 20

I tried similar path.
And for the "/ROIAlign_cuda.cu" and "/ROIAlignRotated_cuda.cu",
change from each

dim3 grid(std::min(at::cuda::ATenCeilDiv(output_size, 512L), 4096L));
~
~
dim3 grid(std::min(at::cuda::ATenCeilDiv(grad.numel(), 512L), 4096L));

to

dim3 grid(std::min(at::cuda::ATenCeilDiv(static_cast<int64_t>(output_size), static_cast<int64_t>(512)), static_cast<int64_t>(4096)));
 ~
~
dim3 grid(std::min(at::cuda::ATenCeilDiv(static_cast<int64_t>(grad.numel()), static_cast<int64_t>(512)), static_cast<int64_t>(4096)));

looks like it worked.

from detectron2.

conansherry avatar conansherry commented on June 12, 2024 15

Can I install detectron2 on Win10?

yes you can. I have done for it.
https://github.com/conansherry/detectron2

from detectron2.

conansherry avatar conansherry commented on June 12, 2024 10

@ppwwyyxx we can do little change to support windows build. but it refer to pytorch files changed.

detectron2 change:

conansherry/detectron2@4d57e12

pytorch change:

file1: 
  {your evn path}\Lib\site-packages\torch\include\torch\csrc\jit\argument_spec.h
  example:
  {C:\Miniconda3\envs\py36}\Lib\site-packages\torch\include\torch\csrc\jit\argument_spec.h(190)
    static constexpr size_t DEPTH_LIMIT = 128;
      change to -->
    static const size_t DEPTH_LIMIT = 128;
file2: 
  {your evn path}\Lib\site-packages\torch\include\pybind11\cast.h
  example:
  {C:\Miniconda3\envs\py36}\Lib\site-packages\torch\include\pybind11\cast.h(1449)
    explicit operator type&() { return *(this->value); }
      change to -->
    explicit operator type&() { return *((type*)this->value); }

from detectron2.

anzy0621 avatar anzy0621 commented on June 12, 2024 10

If it's of any use to anyone I spent hours trying to install detectron2 on my windows 10 system. Here are the steps I followed based on other's solutions, thanks to the others who figured out a way for windows!:

  1. Firstly, I changed the following lines in the files "/ROIAlign_cuda.cu" and "/ROIAlignRotated_cuda.cu" these files can be found in \detectron2\detectron2\layers\csrc\ROIAlignRotated
    change the following lines in both the files from this:

dim3 grid(std::min(at::cuda::ATenCeilDiv(output_size, 512L), 4096L));

dim3 grid(std::min(at::cuda::ATenCeilDiv(grad.numel(), 512L), 4096L));

to this:

dim3 grid(std::min(at::cuda::ATenCeilDiv(static_cast<int64_t>(output_size), static_cast<int64_t>(512)), static_cast<int64_t>(4096)));

dim3 grid(std::min(at::cuda::ATenCeilDiv(static_cast<int64_t>(grad.numel()), static_cast<int64_t>(512)), static_cast<int64_t>(4096)));

  1. Then I changed a line in the following file(spec.h)
    {your evn path}\Lib\site-packages\torch\include\torch\csrc\jit\argument_spec.h(line 190)
    change this line from this:
    static constexpr size_t DEPTH_LIMIT = 128;
    to this:
    static const size_t DEPTH_LIMIT = 128;

  2. Then I changed the following line in the following file (cast.h)
    change this line from this:
    {your evn path}\Lib\site-packages\torch\include\pybind11\cast.h(line 1449)
    to this:
    explicit operator type&() { return ((type)this->value); }

  3. Even then I kept getting the Cuda(I have Cuda 9.2) and MS Visual studio incompatibility(MSV 2019,2017) errors. So I downloaded the CUDA 10.1.243 version and installed it.

  4. Then I ran the " pip install -e . " command in the detectron2 folder from my Anaconda prompt.

My system settings:

  • Anaconda
  • Cuda 10.1.243 toolkit
  • Python 3.6
  • Pytorch 1.4
  • cudnn 7
  • torch vision 0.5
  • TensorFlow GPU 1.11
  • Microsoft Visual Studio 2019(community)
  • Windows 10

from detectron2.

markstrefford avatar markstrefford commented on June 12, 2024 10

Ah! Fixed it! conda install pywin32 fixes it. Here's my yml file:

name: detectron2
channels:
  - pytorch
  - conda-forge
  - anaconda
  - defaults
dependencies:
  - python=3.8
  - numpy
  - pywin32
  - cudatoolkit=11.0
  - pytorch==1.7.1
  - torchvision
  - git
  - pip
  - pip:
    - git+https://github.com/facebookresearch/[email protected]

from detectron2.

thomasjungblut avatar thomasjungblut commented on June 12, 2024 8

@huangweiwade just had the same problem. I stumbled upon some bash script to fix a couple of cpp things:

#!/bin/bash

SITE=/mnt/c/Users/thomas.jungblut/AppData/Local/Programs/Python/Python37/Lib/site-packages
sed -i.bak -e 's/CONSTEXPR_EXCEPT_WIN_CUDA/const/g' "${SITE}/torch/include/torch/csrc/jit/api/module.h"
sed -i.bak -e 's/return \*(this->value)/return \*((type\*)this->value)/g' "${SITE}/torch/include/pybind11/cast.h"
sed -i.bak '/static constexpr Symbol Kind/d' "${SITE}/torch/include/torch/csrc/jit/ir/ir.h"

Change the site variable up to your installation path in Conda (D:/Users/huang/anaconda3/lib/site-packages).
Then a plain installation via git clone and python -m pip install -e detectron2 works as advertised.

from detectron2.

victorfu avatar victorfu commented on June 12, 2024 3

@anzy0621 Follow your steps to setup detectron2 on my windows 10. It works like a charm. Thank you.

from detectron2.

Casper-Smet avatar Casper-Smet commented on June 12, 2024 3

In my experience installing Detectron2 on Windows 10 is perfectly possible, just a bit of a hassle. I would recommend installing all the dependencies separately (preferably through Anaconda, as doing this through PIP has resulted in errors for me in the past). After installing all the dependencies, you can simply use pip install 'git+https://github.com/facebookresearch/detectron2.git'.

At the time I'm writing this, I believe the only thing you cannot currently install through anaconda on Windows is cocotools. The command above will, however, install that just fine.

I have used Detectron2 like this for a few projects now, and it works great! Good luck everyone.

from detectron2.

shans96 avatar shans96 commented on June 12, 2024 2

If it's of any use, attempting to compile without any changes to the code gives the following error:
C:/Python37/lib/site-packages/torch/include\torch/csrc/jit/argument_spec.h(190): error: member "torch::jit::ArgumentSpecCreator::DEPTH_LIMIT" may not be initialized

pytorch/extension-cpp#37 references this problem, but using the patch suggested there raises 4 other issues all within the detectron2/layers/csrc/ROIAlign/ROIAlign_cuda.cu file, all related to type mismatching. Haven't been able to look further yet but maybe the CUDA files could be patched to run detectron2 on Windows.

from detectron2.

mallyagirish avatar mallyagirish commented on June 12, 2024 2

Ah! Fixed it! conda install pywin32 fixes it. Here's my yml file:

name: detectron2
channels:
  - pytorch
  - conda-forge
  - anaconda
  - defaults
dependencies:
  - python=3.8
  - numpy
  - pywin32
  - cudatoolkit=11.0
  - pytorch==1.7.1
  - torchvision
  - git
  - pip
  - pip:
    - git+https://github.com/facebookresearch/[email protected]

That worked like a charm, thank you! I was about to go down the WSL2+Ubuntu road as described in your repo, but then noticed a link to this. Saved me a lot of time! :)

from detectron2.

conansherry avatar conansherry commented on June 12, 2024 1

@elnazsn1988
please follow commands of my repo.
several files must be changed manually.
https://github.com/conansherry/detectron2

file1: 
  {your evn path}\Lib\site-packages\torch\include\torch\csrc\jit\argument_spec.h
  example:
  {C:\Miniconda3\envs\py36}\Lib\site-packages\torch\include\torch\csrc\jit\argument_spec.h(190)
    static constexpr size_t DEPTH_LIMIT = 128;
      change to -->
    static const size_t DEPTH_LIMIT = 128;
file2: 
  {your evn path}\Lib\site-packages\torch\include\pybind11\cast.h
  example:
  {C:\Miniconda3\envs\py36}\Lib\site-packages\torch\include\pybind11\cast.h(1449)
    explicit operator type&() { return *(this->value); }
      change to -->
    explicit operator type&() { return *((type*)this->value); }

from detectron2.

YoongiKim avatar YoongiKim commented on June 12, 2024 1

For who are struggling to install pycocotools like me.
cocodataset/cocoapi#169 (comment)

conda install git
pip3 install "git+https://github.com/philferriere/cocoapi.git#egg=pycocotools&subdirectory=PythonAPI"

from detectron2.

WYBupup avatar WYBupup commented on June 12, 2024 1

@conansherry thanks for your fast reply. Ihave finished the training successfully.
Thanks a lot.

from detectron2.

huangweiwade avatar huangweiwade commented on June 12, 2024 1

I install detectron2 on win10 while failed with

Allowing ninja to set a default number of workers... (overridable by setting the environment variable MAX_JOBS=N)
[1/1] C:\Program Files\NVIDIA GPU Computing Toolkit\CUDA\v10.2\bin\nvcc -Xcompiler /MD -Xcompiler /wd4819 -Xcompiler /wd4251 -Xcompiler /wd4244 -Xcompiler /wd4267 -Xcompiler /wd4275 -Xcompiler /wd4018 -Xcompiler /wd4190 -Xcompiler /EHsc -Xcudafe --diag_suppress=base_class_has_different_dll_interface -Xcudafe --diag_suppress=field_without_dll_interface -Xcudafe --diag_suppress=dll_interface_conflict_none_assumed -Xcudafe --diag_suppress=dll_interface_conflict_dllexport_assumed -DWITH_CUDA -IC:\Users\huang\detectron2\detectron2\layers\csrc -ID:\Users\huang\anaconda3\lib\site-packages\torch\include -ID:\Users\huang\anaconda3\lib\site-packages\torch\include\torch\csrc\api\include -ID:\Users\huang\anaconda3\lib\site-packages\torch\include\TH -ID:\Users\huang\anaconda3\lib\site-packages\torch\include\THC "-IC:\Program Files\NVIDIA GPU Computing Toolkit\CUDA\v10.2\include" -ID:\Users\huang\anaconda3\include -ID:\Users\huang\anaconda3\include "-ID:\Program Files (x86)\Microsoft Visual Studio\2019\Community\VC\Tools\MSVC\14.28.29333\include" "-IC:\Program Files (x86)\Windows Kits\10\include\10.0.10240.0\ucrt" "-IC:\Program Files (x86)\Windows Kits\8.1\include\shared" "-IC:\Program Files (x86)\Windows Kits\8.1\include\um" "-IC:\Program Files (x86)\Windows Kits\8.1\include\winrt" "-IC:\Program Files (x86)\Windows Kits\8.1\include\cppwinrt" -c C:\Users\huang\detectron2\detectron2\layers\csrc\deformable\deform_conv_cuda.cu -o C:\Users\huang\detectron2\build\temp.win-amd64-3.8\Release\Users\huang\detectron2\detectron2\layers\csrc\deformable\deform_conv_cuda.obj -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr -O3 -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_75,code=sm_75

FAILED: C:/Users/huang/detectron2/build/temp.win-amd64-3.8/Release/Users/huang/detectron2/detectron2/layers/csrc/deformable/deform_conv_cuda.obj
C:\Program Files\NVIDIA GPU Computing Toolkit\CUDA\v10.2\bin\nvcc -Xcompiler /MD -Xcompiler /wd4819 -Xcompiler /wd4251 -Xcompiler /wd4244 -Xcompiler /wd4267 -Xcompiler /wd4275 -Xcompiler /wd4018 -Xcompiler /wd4190 -Xcompiler /EHsc -Xcudafe --diag_suppress=base_class_has_different_dll_interface -Xcudafe --diag_suppress=field_without_dll_interface -Xcudafe --diag_suppress=dll_interface_conflict_none_assumed -Xcudafe --diag_suppress=dll_interface_conflict_dllexport_assumed -DWITH_CUDA -IC:\Users\huang\detectron2\detectron2\layers\csrc -ID:\Users\huang\anaconda3\lib\site-packages\torch\include -ID:\Users\huang\anaconda3\lib\site-packages\torch\include\torch\csrc\api\include -ID:\Users\huang\anaconda3\lib\site-packages\torch\include\TH -ID:\Users\huang\anaconda3\lib\site-packages\torch\include\THC "-IC:\Program Files\NVIDIA GPU Computing Toolkit\CUDA\v10.2\include" -ID:\Users\huang\anaconda3\include -ID:\Users\huang\anaconda3\include "-ID:\Program Files (x86)\Microsoft Visual Studio\2019\Community\VC\Tools\MSVC\14.28.29333\include" "-IC:\Program Files (x86)\Windows Kits\10\include\10.0.10240.0\ucrt" "-IC:\Program Files (x86)\Windows Kits\8.1\include\shared" "-IC:\Program Files (x86)\Windows Kits\8.1\include\um" "-IC:\Program Files (x86)\Windows Kits\8.1\include\winrt" "-IC:\Program Files (x86)\Windows Kits\8.1\include\cppwinrt" -c C:\Users\huang\detectron2\detectron2\layers\csrc\deformable\deform_conv_cuda.cu -o C:\Users\huang\detectron2\build\temp.win-amd64-3.8\Release\Users\huang\detectron2\detectron2\layers\csrc\deformable\deform_conv_cuda.obj -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr -O3 -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_75,code=sm_75

D:/Users/huang/anaconda3/lib/site-packages/torch/include\c10/util/ThreadLocalDebugInfo.h(12): warning: modifier is ignored on an enum specifier

D:/Users/huang/anaconda3/lib/site-packages/torch/include\ATen/core/boxing/impl/boxing.h(100): warning: integer conversion resulted in a change of sign

D:/Users/huang/anaconda3/lib/site-packages/torch/include\ATen/record_function.h(13): warning: modifier is ignored on an enum specifier

D:/Users/huang/anaconda3/lib/site-packages/torch/include\ATen/core/op_registration/op_whitelist.h(39): warning: integer conversion resulted in a change of sign

D:/Users/huang/anaconda3/lib/site-packages/torch/include\torch/csrc/jit/ir/ir.h(1347): error: member "torch::jit::ProfileOptionalOp::Kind" may not be initialized

1 error detected in the compilation of "C:/Users/huang/AppData/Local/Temp/tmpxft_00001f20_00000000-10_deform_conv_cuda.cpp1.ii".
deform_conv_cuda.cu
ninja: build stopped: subcommand failed.

cuda 10.2
vs2019
python 3.8
pytorch 1.7.0

from detectron2.

marcosterland avatar marcosterland commented on June 12, 2024 1

Since v0.3 I can simply install it with conda.
Here's my environment.yml:

name: detectron2
channels:
  - pytorch
  - conda-forge
  - anaconda
  - defaults
dependencies:
  - python>=3.8
  - numpy
  - cudatoolkit=10.1
  - pytorch==1.6
  - torchvision
  - git
  - pip
  - pip:
    - git+https://github.com/facebookresearch/[email protected]

Hope this helps someone.

from detectron2.

sebastian-ruiz avatar sebastian-ruiz commented on June 12, 2024 1

This might be relevant for issues: #1842 #2908 #2769 #2703 #1494

You can run the latest version of detectron2 (at this moment in time v0.4 or commit 9c7f8a1) on CPU. I did this by following the circleCI which passes for windows CPU.

Do the following:

conda create -n detectron2 python=3.7
conda activate detectron2

pip install certifi --ignore-installed
pip install numpy cython
pip install opencv-python-headless pytest-xdist pycocotools tensorboard
pip install -U git+https://github.com/facebookresearch/fvcore
pip install -U git+https://github.com/facebookresearch/iopath
pip install torch==1.7 torchvision==0.8 -f https://download.pytorch.org/whl/cpu/torch_stable.html

Clone the latest version of detectron2 and do:

cd detectron2
pip install --progress-bar off -e .[all]
python -m detectron2.utils.collect_env

You should get the following output (also you see this output on circleCI):

No CUDA runtime is found, using CUDA_HOME='C:\Program Files\NVIDIA GPU Computing Toolkit\CUDA\v10.1'
---------------------  -----------------------------------------------------------------------------------
sys.platform           win32
Python                 3.7.10 (default, Feb 26 2021, 13:06:18) [MSC v.1916 64 bit (AMD64)]
numpy                  1.20.2
detectron2             0.4 @C:\Users\asdf\Documents\detectron2_stuff\detectron2\detectron2
Compiler               MSVC 192829914
CUDA compiler          not available
DETECTRON2_ENV_MODULE  <not set>
PyTorch                1.7.0+cpu @C:\Users\asdf\.anaconda3\envs\detectron2\lib\site-packages\torch
PyTorch debug build    True
GPU available          False
Pillow                 8.2.0
torchvision            0.8.0 @C:\Users\asdf\.anaconda3\envs\detectron2\lib\site-packages\torchvision
fvcore                 0.1.5
iopath                 0.1.7
cv2                    4.5.1
---------------------  -----------------------------------------------------------------------------------
PyTorch built with:
  - C++ Version: 199711
  - MSVC 192729112
  - Intel(R) Math Kernel Library Version 2020.0.0 Product Build 20191125 for Intel(R) 64 architecture applications
  - Intel(R) MKL-DNN v1.6.0 (Git Hash 5ef631a030a6f73131c77892041042805a06064f)
  - OpenMP 2019
  - CPU capability usage: AVX
  - Build settings: BLAS=MKL, BUILD_TYPE=Release, CXX_FLAGS=/DWIN32 /D_WINDOWS /GR /EHsc /w /bigobj -openmp:experimental -DNDEBUG -DUSE_FBGEMM -DUSE_VULKAN_WRAPPER, PERF_WITH_AVX=1, PERF_WITH_AVX2=1, PERF_WITH_AVX512=1, USE_CUDA=0, USE_EXCEPTION_PTR=1, USE_GFLAGS=OFF, USE_GLOG=OFF, USE_MKL=ON, USE_MKLDNN=ON, USE_MPI=OFF, USE_NCCL=OFF, USE_NNPACK=OFF, USE_OPENMP=ON,

It works!!! 😃

I did not get it working on GPU however. Replacing the torch install line with:

conda install pytorch==1.7.0 torchvision==0.8.0 cudatoolkit=10.1 -c pytorch

and then running

pip install --progress-bar off -e .[all]

Gives a long error ending with:

      File "C:\Users\asdf\.anaconda3\envs\detectron2_gpu\lib\site-packages\torch\utils\cpp_extension.py", line 1538, in _run_ninja_build
        raise RuntimeError(message) from e
    RuntimeError: Error compiling objects for extension
    Error in atexit._run_exitfuncs:
    Traceback (most recent call last):
      File "C:\Users\asdf\.anaconda3\envs\detectron2_gpu\lib\site-packages\colorama\ansitowin32.py", line 59, in closed
        return stream.closed
    ValueError: underlying buffer has been detached

from detectron2.

EtagiBI avatar EtagiBI commented on June 12, 2024 1

Here's my environment.yml file:

name: detectron2win
channels:
  - pytorch
  - conda-forge
  - anaconda
  - defaults
dependencies:
  - python=3.7
  - numpy
  - pywin32
  - cudatoolkit=11.3
  - pytorch==1.10.1
  - torchvision
  - git
  - pip
  - pip:
    - git+https://github.com/facebookresearch/[email protected]

When I run conda env create -f environment.yml, I get the following error:

... 
copying detectron2\model_zoo\configs\new_baselines\mask_rcnn_R_50_FPN_50ep_LSJ.py -> build\lib.win-amd64-3.7\detectron2\model_zoo\configs\new_baselines
    running build_ext
    error: [WinError 2] The system cannot find the file specified

failed

CondaEnvException: Pip failed

from detectron2.

QQ2737499951 avatar QQ2737499951 commented on June 12, 2024 1

from detectron2.

ppwwyyxx avatar ppwwyyxx commented on June 12, 2024

We do not officially support windows, but given that maskrcnn-benchmark can run on win10, it probably won't take a lot of changes to run detectron2 on win10.

You can refer to facebookresearch/maskrcnn-benchmark#741 or facebookresearch/maskrcnn-benchmark#1042 to see what basic setups are needed, and welcome to share more if you have any luck with it.

from detectron2.

JinyuanShao avatar JinyuanShao commented on June 12, 2024

thank you very much!

from detectron2.

ShadowLau avatar ShadowLau commented on June 12, 2024

@jinyuan30 hello, have you installed detectron2 on win10 successfully?

from detectron2.

JinyuanShao avatar JinyuanShao commented on June 12, 2024

@jinyuan30 hello, have you installed detectron2 on win10 successfully?

I turn to Ubuntu, and didn't try on Win10 cause I think maybe there are some unkonwn bug.

from detectron2.

asbe avatar asbe commented on June 12, 2024

@akinari1223 can you make a patch of your changes? Greatly appreciated.

EDIT: I see now it is mainly an issue in pytorch, never mind.

from detectron2.

elnazsn1988 avatar elnazsn1988 commented on June 12, 2024

@conansherry I tried your git of detectron2, having deleted both decetron2 and detectron2 repos from the pytoch folder. Reference to #232 , I am facing a similar set of issues building Detectron2 on Windows10 with CUDA 10.1 and VS 2019 @akinari1223 the changes on ROI cu files were implemented.

Im trying to build detectron2 via setup_py, and recieve the initial error mentioned:

1 error detected in the compilation of "C:/Users/aesnj/AppData/Local/Temp/tmpxft_00007274_00000000-10_deform_conv_cuda.cpp1.ii".
error: command 'C:\Program Files\NVIDIA GPU Computing Toolkit\CUDA\v10.1\bin\nvcc.exe' failed with exit status 1

When opennig the tmp file referenced I see:

_

_C:\Users\aesnj\AppData\Local\Temp\pip-req-build-1ys_emb3>call "C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.23.28105/bin/HostX64/x64/../../../../../../../VC/Auxiliary/Build/vcvars64.bat"

** Visual Studio 2019 Developer Command Prompt v16.3.1
** Copyright (c) 2019 Microsoft Corporation

[vcvarsall.bat] Environment initialized for: 'x64'_

_

Prior to recieving mentioned errors, I encounter a ton of warnings in Log :

C:\Program Files\NVIDIA GPU Computing Toolkit\CUDA\v10.1\bin\nvcc.exe -c C:\projects\pytorch\pytorch\detectron2\detectron2\layers\csrc\deformable\deform_conv_cuda.cu -o build\temp.win-amd64-3.7\Release\projects\pytorch\pytorch\detectron2\detectron2\layers\csrc\deformable\deform_conv_cuda.obj -IC:\projects\pytorch\pytorch\detectron2\detectron2\layers\csrc -IC:\Users\aesnj\AppData\Local\Programs\Python\Python37\lib\site-packages\torch\include -IC:\Users\aesnj\AppData\Local\Programs\Python\Python37\lib\site-packages\torch\include\torch\csrc\api\include -IC:\Users\aesnj\AppData\Local\Programs\Python\Python37\lib\site-packages\torch\include\TH -IC:\Users\aesnj\AppData\Local\Programs\Python\Python37\lib\site-packages\torch\include\THC "-IC:\Program Files\NVIDIA GPU Computing Toolkit\CUDA\v10.1\include" -IC:\Users\aesnj\AppData\Local\Programs\Python\Python37\include -IC:\Users\aesnj\AppData\Local\Programs\Python\Python37\include "-IC:\Program Files (x86)\Microsoft Visual Studio\2019\Community\VC\Tools\MSVC\14.23.28105\ATLMFC\include" "-IC:\Program Files (x86)\Microsoft Visual Studio\2019\Community\VC\Tools\MSVC\14.23.28105\include" "-IC:\Program Files (x86)\Windows Kits\NETFXSDK\4.8\include\um" "-IC:\Program Files (x86)\Windows Kits\10\include\10.0.18362.0\ucrt" "-IC:\Program Files (x86)\Windows Kits\10\include\10.0.18362.0\shared" "-IC:\Program Files (x86)\Windows Kits\10\include\10.0.18362.0\um" "-IC:\Program Files (x86)\Windows Kits\10\include\10.0.18362.0\winrt" "-IC:\Program Files (x86)\Windows Kits\10\include\10.0.18362.0\cppwinrt" "-IC:\Program Files (x86)\Microsoft Visual Studio\2019\Community\VC\Tools\MSVC\14.23.28105\ATLMFC\include" "-IC:\Program Files (x86)\Microsoft Visual Studio\2019\Community\VC\Tools\MSVC\14.23.28105\include" "-IC:\Program Files (x86)\Windows Kits\NETFXSDK\4.8\include\um" "-IC:\Program Files (x86)\Windows Kits\10\include\10.0.18362.0\ucrt" "-IC:\Program Files (x86)\Windows Kits\10\include\10.0.18362.0\shared" "-IC:\Program Files (x86)\Windows Kits\10\include\10.0.18362.0\um" "-IC:\Program Files (x86)\Windows Kits\10\include\10.0.18362.0\winrt" "-IC:\Program Files (x86)\Windows Kits\10\include\10.0.18362.0\cppwinrt" -Xcompiler /EHsc -Xcompiler /wd4819 -Xcompiler /MD -D__CUDA_NO_HALF_OPERATORS -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr -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_75,code=sm_75
deform_conv_cuda.cu

_

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\c10/util/Exception.h(29): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\c10/util/Exception.h(30): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\c10/util/Exception.h(35): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\c10/util/Exception.h(36): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\c10/core/Allocator.h(21): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\c10/core/Allocator.h(183): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\c10/util/typeid.h(458): warning: dllexport/dllimport conflict with "caffe2::TypeMeta::_typeMetaDataInstance [with T=caffe2::detail::_Uninitialized]"
(454): here; dllexport assumed

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\c10/util/typeid.h(579): warning: dllexport/dllimport conflict with "caffe2::TypeIdentifier::Get [with T=uint8_t]"
(83): here; dllexport assumed

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\c10/util/typeid.h(580): warning: dllexport/dllimport conflict with "caffe2::TypeIdentifier::Get [with T=int8_t]"
(83): here; dllexport assumed

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\c10/util/typeid.h(581): warning: dllexport/dllimport conflict with "caffe2::TypeIdentifier::Get [with T=int16_t]"
(83): here; dllexport assumed

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\c10/util/typeid.h(582): warning: dllexport/dllimport conflict with "caffe2::TypeIdentifier::Get [with T=int]"
(83): here; dllexport assumed

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\c10/util/typeid.h(583): warning: dllexport/dllimport conflict with "caffe2::TypeIdentifier::Get [with T=int64_t]"
(83): here; dllexport assumed

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\c10/util/typeid.h(584): warning: dllexport/dllimport conflict with "caffe2::TypeIdentifier::Get [with T=c10::Half]"
(83): here; dllexport assumed

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\c10/util/typeid.h(585): warning: dllexport/dllimport conflict with "caffe2::TypeIdentifier::Get [with T=float]"
(83): here; dllexport assumed

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\c10/util/typeid.h(586): warning: dllexport/dllimport conflict with "caffe2::TypeIdentifier::Get [with T=double]"
(83): here; dllexport assumed

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\c10/util/typeid.h(587): warning: dllexport/dllimport conflict with "caffe2::TypeIdentifier::Get [with T=c10::ComplexHalf]"
(83): here; dllexport assumed

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\c10/util/typeid.h(588): warning: dllexport/dllimport conflict with "caffe2::TypeIdentifier::Get [with T=std::complex]"
(83): here; dllexport assumed

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\c10/util/typeid.h(589): warning: dllexport/dllimport conflict with "caffe2::TypeIdentifier::Get [with T=std::complex]"
(83): here; dllexport assumed

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\c10/util/typeid.h(592): warning: dllexport/dllimport conflict with "caffe2::TypeIdentifier::Get [with T=std::string]"
(83): here; dllexport assumed

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\c10/util/typeid.h(593): warning: dllexport/dllimport conflict with "caffe2::TypeIdentifier::Get [with T=__nv_bool]"
(83): here; dllexport assumed

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\c10/util/typeid.h(594): warning: dllexport/dllimport conflict with "caffe2::TypeIdentifier::Get [with T=uint16_t]"
(83): here; dllexport assumed

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\c10/util/typeid.h(595): warning: dllexport/dllimport conflict with "caffe2::TypeIdentifier::Get [with T=char]"
(83): here; dllexport assumed

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\c10/util/typeid.h(596): warning: dllexport/dllimport conflict with "caffe2::TypeIdentifier::Get [with T=std::unique_ptr<std::mutex, std::default_deletestd::mutex>]"
(83): here; dllexport assumed

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\c10/util/typeid.h(597): warning: dllexport/dllimport conflict with "caffe2::TypeIdentifier::Get [with T=std::unique_ptr<std::atomic<__nv_bool>, std::default_delete<std::atomic<__nv_bool>>>]"
(83): here; dllexport assumed

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\c10/util/typeid.h(598): warning: dllexport/dllimport conflict with "caffe2::TypeIdentifier::Get [with T=std::vector<int32_t, std::allocator<int32_t>>]"
(83): here; dllexport assumed

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\c10/util/typeid.h(599): warning: dllexport/dllimport conflict with "caffe2::TypeIdentifier::Get [with T=std::vector<int64_t, std::allocator<int64_t>>]"
(83): here; dllexport assumed

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\c10/util/typeid.h(600): warning: dllexport/dllimport conflict with "caffe2::TypeIdentifier::Get [with T=std::vector<unsigned long, std::allocator>]"
(83): here; dllexport assumed

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\c10/util/typeid.h(601): warning: dllexport/dllimport conflict with "caffe2::TypeIdentifier::Get [with T=__nv_bool *]"
(83): here; dllexport assumed

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\c10/util/typeid.h(602): warning: dllexport/dllimport conflict with "caffe2::TypeIdentifier::Get [with T=char *]"
(83): here; dllexport assumed

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\c10/util/typeid.h(603): warning: dllexport/dllimport conflict with "caffe2::TypeIdentifier::Get [with T=int *]"
(83): here; dllexport assumed

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\c10/util/typeid.h(623): warning: dllexport/dllimport conflict with "caffe2::TypeIdentifier::Get [with T=caffe2::detail::_guard_long_unique]"
(83): here; dllexport assumed

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\c10/util/typeid.h(624): warning: dllexport/dllimport conflict with "caffe2::TypeIdentifier::Get [with T=caffe2::detail::_guard_long_unique<std::vector<long, std::allocator>>]"
(83): here; dllexport assumed

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\c10/util/typeid.h(629): warning: dllexport/dllimport conflict with "caffe2::TypeIdentifier::Get [with T=float *]"
(83): here; dllexport assumed

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\c10/util/typeid.h(630): warning: dllexport/dllimport conflict with "caffe2::TypeIdentifier::Get [with T=c10::Half *]"
(83): here; dllexport assumed

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\c10/util/typeid.h(631): warning: dllexport/dllimport conflict with "caffe2::TypeIdentifier::Get [with T=c10::qint8]"
(83): here; dllexport assumed

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\c10/util/typeid.h(632): warning: dllexport/dllimport conflict with "caffe2::TypeIdentifier::Get [with T=c10::quint8]"
(83): here; dllexport assumed

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\c10/util/typeid.h(633): warning: dllexport/dllimport conflict with "caffe2::TypeIdentifier::Get [with T=c10::qint32]"
(83): here; dllexport assumed

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\c10/util/typeid.h(634): warning: dllexport/dllimport conflict with "caffe2::TypeIdentifier::Get [with T=c10::BFloat16]"
(83): here; dllexport assumed

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\c10/util/typeid.h(635): warning: dllexport/dllimport conflict with "caffe2::TypeIdentifier::Get [with T=caffe2::_CaffeHighestPreallocatedTypeId]"
(83): here; dllexport assumed

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\c10/util/intrusive_ptr.h(63): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\c10/util/intrusive_ptr.h(64): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\c10/core/Storage.h(182): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\c10/core/TensorTypeSet.h(44): warning: integer conversion resulted in a change of sign

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\c10/util/logging_is_not_google_glog.h(47): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\c10/core/TensorImpl.h(202): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\c10/core/TensorImpl.h(1575): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\c10/core/TensorImpl.h(1578): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\c10/core/TensorImpl.h(1600): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\c10/core/TensorImpl.h(1601): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\c10/core/TensorImpl.h(1626): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\c10/core/TensorImpl.h(1629): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\ATen/core/Generator.h(75): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\ATen/core/NamedTensor.h(53): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\ATen/core/TensorBody.h(999): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\ATen/core/jit_type.h(370): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\ATen/core/jit_type.h(603): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\ATen/core/jit_type.h(604): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\ATen/core/jit_type.h(607): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\ATen/core/jit_type.h(619): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\ATen/core/jit_type.h(734): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\ATen/core/jit_type.h(783): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\ATen/core/jit_type.h(855): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\ATen/core/jit_type.h(857): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\ATen/core/jit_type.h(1516): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\ATen/core/jit_type.h(1517): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\ATen/core/jit_type.h(1519): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\ATen/core/jit_type.h(1523): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\ATen/core/jit_type.h(1526): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\ATen/core/jit_type.h(1573): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\ATen/core/ivalue_inl.h(118): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\ATen/core/ivalue_inl.h(138): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\ATen/core/ivalue_inl.h(139): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\ATen/core/ivalue_inl.h(183): warning: base class dllexport/dllimport specification differs from that of the derived class

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\ATen/core/ivalue_inl.h(195): warning: base class dllexport/dllimport specification differs from that of the derived class

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\ATen/core/ivalue_inl.h(205): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\ATen/core/ivalue_inl.h(296): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\ATen/core/ivalue_inl.h(297): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\ATen/core/ivalue_inl.h(298): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\ATen/core/ivalue_inl.h(301): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\ATen/core/ivalue_inl.h(302): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\ATen/core/ivalue_inl.h(308): warning: base class dllexport/dllimport specification differs from that of the derived class

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\ATen/core/ivalue_inl.h(370): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\ATen/core/ivalue_inl.h(371): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\ATen/core/ATenDispatch.h(120): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\ATen/core/ATenDispatch.h(144): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\ATen/core/ATenDispatch.h(145): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\ATen/core/boxing/KernelFunction.h(375): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\ATen/core/boxing/KernelFunction.h(376): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\ATen/core/dispatch/Dispatcher.h(116): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\ATen/core/dispatch/Dispatcher.h(117): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\ATen/core/dispatch/Dispatcher.h(118): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\ATen/core/dispatch/Dispatcher.h(119): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\ATen/core/dispatch/Dispatcher.h(147): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\ATen/core/dispatch/Dispatcher.h(162): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\ATen/CPUGenerator.h(32): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\ATen/CPUGenerator.h(33): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\ATen/CPUGenerator.h(34): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\ATen/Context.h(124): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\ATen/Context.h(125): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\ATen/Context.h(130): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\ATen/Context.h(131): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\ATen/Context.h(132): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\ATen/TensorGeometry.h(56): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\ATen/TensorGeometry.h(57): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\torch/csrc/autograd/variable.h(353): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\torch/csrc/autograd/variable.h(356): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\torch/csrc/autograd/variable.h(357): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\torch/csrc/autograd/variable.h(359): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\torch/csrc/autograd/variable.h(360): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\torch/csrc/autograd/variable.h(376): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\torch/csrc/jit/tracer.h(49): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\torch/csrc/jit/tracer.h(52): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\torch/csrc/jit/tracer.h(85): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\torch/csrc/jit/tracer.h(181): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\torch/csrc/jit/tracer.h(307): warning: dllexport/dllimport conflict with "torch::jit::tracer::addInputs"
(295): here; dllexport assumed

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\torch/csrc/jit/tracer.h(311): warning: dllexport/dllimport conflict with "torch::jit::tracer::addInputs"
(301): here; dllexport assumed

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\torch/csrc/jit/attributes.h(87): warning: base class dllexport/dllimport specification differs from that of the derived class

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\torch/csrc/jit/attributes.h(101): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\torch/csrc/jit/attributes.h(104): warning: base class dllexport/dllimport specification differs from that of the derived class

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\torch/csrc/jit/attributes.h(118): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\torch/csrc/jit/scope.h(22): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\torch/csrc/jit/source_range.h(163): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\torch/csrc/jit/constants.h(20): warning: base class dllexport/dllimport specification differs from that of the derived class

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\torch/csrc/jit/operator.h(154): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\torch/csrc/jit/operator.h(158): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\torch/csrc/jit/operator.h(162): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\torch/csrc/jit/operator.h(164): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\torch/csrc/jit/operator.h(165): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\torch/csrc/jit/ir.h(245): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\torch/csrc/jit/ir.h(246): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\torch/csrc/jit/ir.h(248): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\torch/csrc/jit/ir.h(251): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\torch/csrc/jit/ir.h(252): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\torch/csrc/jit/ir.h(768): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include/torch/csrc/api/include\torch/data/samplers/distributed.h(96): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include/torch/csrc/api/include\torch/data/samplers/distributed.h(129): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\torch/csrc/jit/argument_spec.h(190): error: member "torch::jit::ArgumentSpecCreator::DEPTH_LIMIT" may not be initialized

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\torch/csrc/jit/argument_spec.h(198): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\torch/csrc/jit/interpreter.h(52): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\torch/csrc/jit/graph_executor.h(51): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\torch/csrc/jit/script/slot.h(57): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\torch/csrc/jit/function.h(108): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\torch/csrc/jit/function.h(110): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\torch/csrc/jit/function.h(115): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\torch/csrc/jit/function.h(123): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\torch/csrc/jit/function.h(130): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\torch/csrc/jit/function.h(135): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\torch/csrc/jit/script/compilation_unit.h(247): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\torch/csrc/jit/script/compilation_unit.h(249): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\torch/csrc/jit/script/compilation_unit.h(250): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\torch/csrc/jit/script/compilation_unit.h(257): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\torch/csrc/jit/script/module.h(102): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\torch/csrc/jit/script/module.h(455): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\torch/csrc/jit/script/module.h(494): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\torch/csrc/jit/script/module.h(553): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\torch/csrc/jit/script/module.h(556): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include/torch/csrc/api/include\torch/serialize/output-archive.h(74): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include/torch/csrc/api/include\torch/nn/module.h(554): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include/torch/csrc/api/include\torch/nn/module.h(557): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include/torch/csrc/api/include\torch/nn/module.h(560): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include/torch/csrc/api/include\torch/nn/module.h(563): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include/torch/csrc/api/include\torch/nn/modules/container/functional.h(94): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include/torch/csrc/api/include\torch/nn/modules/conv.h(35): warning: field of class type without a DLL interface used in a class with a DLL interface
detected during instantiation of class "torch::nn::ConvImpl<D, Derived> [with D=1ULL, Derived=torch::nn::Conv1dImpl]"
(49): here

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include/torch/csrc/api/include\torch/nn/modules/conv.h(35): warning: field of class type without a DLL interface used in a class with a DLL interface
detected during instantiation of class "torch::nn::ConvImpl<D, Derived> [with D=2ULL, Derived=torch::nn::Conv2dImpl]"
(66): here

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include/torch/csrc/api/include\torch/nn/modules/conv.h(35): warning: field of class type without a DLL interface used in a class with a DLL interface
detected during instantiation of class "torch::nn::ConvImpl<D, Derived> [with D=3ULL, Derived=torch::nn::Conv3dImpl]"
(83): here

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include/torch/csrc/api/include\torch/nn/options/fold.h(20): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include/torch/csrc/api/include\torch/nn/options/fold.h(23): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include/torch/csrc/api/include\torch/nn/options/fold.h(27): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include/torch/csrc/api/include\torch/nn/options/fold.h(31): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include/torch/csrc/api/include\torch/nn/options/fold.h(34): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include/torch/csrc/api/include\torch/nn/modules/pooling.h(27): warning: field of class type without a DLL interface used in a class with a DLL interface
detected during instantiation of class "torch::nn::AvgPoolImpl<D, Derived> [with D=1ULL, Derived=torch::nn::AvgPool1dImpl]"
(35): here

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include/torch/csrc/api/include\torch/nn/modules/pooling.h(27): warning: field of class type without a DLL interface used in a class with a DLL interface
detected during instantiation of class "torch::nn::AvgPoolImpl<D, Derived> [with D=2ULL, Derived=torch::nn::AvgPool2dImpl]"
(52): here

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include/torch/csrc/api/include\torch/nn/modules/pooling.h(27): warning: field of class type without a DLL interface used in a class with a DLL interface
detected during instantiation of class "torch::nn::AvgPoolImpl<D, Derived> [with D=3ULL, Derived=torch::nn::AvgPool3dImpl]"
(69): here

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include/torch/csrc/api/include\torch/nn/modules/pooling.h(97): warning: field of class type without a DLL interface used in a class with a DLL interface
detected during instantiation of class "torch::nn::MaxPoolImpl<D, Derived> [with D=1ULL, Derived=torch::nn::MaxPool1dImpl]"
(105): here

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include/torch/csrc/api/include\torch/nn/modules/pooling.h(97): warning: field of class type without a DLL interface used in a class with a DLL interface
detected during instantiation of class "torch::nn::MaxPoolImpl<D, Derived> [with D=2ULL, Derived=torch::nn::MaxPool2dImpl]"
(126): here

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include/torch/csrc/api/include\torch/nn/modules/pooling.h(97): warning: field of class type without a DLL interface used in a class with a DLL interface
detected during instantiation of class "torch::nn::MaxPoolImpl<D, Derived> [with D=3ULL, Derived=torch::nn::MaxPool3dImpl]"
(147): here

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include/torch/csrc/api/include\torch/nn/modules/pooling.h(179): warning: field of class type without a DLL interface used in a class with a DLL interface
detected during instantiation of class "torch::nn::AdaptiveMaxPoolImpl<D, Derived> [with D=1ULL, Derived=torch::nn::AdaptiveMaxPool1dImpl]"
(188): here

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include/torch/csrc/api/include\torch/nn/modules/pooling.h(179): warning: field of class type without a DLL interface used in a class with a DLL interface
detected during instantiation of class "torch::nn::AdaptiveMaxPoolImpl<D, Derived> [with D=2ULL, Derived=torch::nn::AdaptiveMaxPool2dImpl]"
(211): here

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include/torch/csrc/api/include\torch/nn/modules/pooling.h(179): warning: field of class type without a DLL interface used in a class with a DLL interface
detected during instantiation of class "torch::nn::AdaptiveMaxPoolImpl<D, Derived> [with D=3ULL, Derived=torch::nn::AdaptiveMaxPool3dImpl]"
(234): here

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include/torch/csrc/api/include\torch/nn/modules/rnn.h(71): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include/torch/csrc/api/include\torch/nn/modules/rnn.h(73): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include/torch/csrc/api/include\torch/nn/modules/rnn.h(75): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include/torch/csrc/api/include\torch/nn/modules/rnn.h(77): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include/torch/csrc/api/include\torch/nn/modules/rnn.h(113): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include/torch/csrc/api/include\torch/nn/modules/rnn.h(110): warning: field of class type without a DLL interface used in a class with a DLL interface
detected during instantiation of class "torch::nn::detail::RNNImplBase [with Derived=torch::nn::RNNImpl]"
(122): here

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include/torch/csrc/api/include\torch/nn/modules/rnn.h(110): warning: field of class type without a DLL interface used in a class with a DLL interface
detected during instantiation of class "torch::nn::detail::RNNImplBase [with Derived=torch::nn::LSTMImpl]"
(151): here

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include/torch/csrc/api/include\torch/nn/modules/rnn.h(110): warning: field of class type without a DLL interface used in a class with a DLL interface
detected during instantiation of class "torch::nn::detail::RNNImplBase [with Derived=torch::nn::GRUImpl]"
(175): here

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include/torch/csrc/api/include\torch/optim/optimizer.h(83): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include/torch/csrc/api/include\torch/optim/adagrad.h(28): warning: base class dllexport/dllimport specification differs from that of the derived class

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include/torch/csrc/api/include\torch/optim/adagrad.h(44): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include/torch/csrc/api/include\torch/optim/adagrad.h(45): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include/torch/csrc/api/include\torch/optim/adam.h(31): warning: base class dllexport/dllimport specification differs from that of the derived class

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include/torch/csrc/api/include\torch/optim/adam.h(45): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include/torch/csrc/api/include\torch/optim/adam.h(46): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include/torch/csrc/api/include\torch/optim/adam.h(47): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include/torch/csrc/api/include\torch/optim/adam.h(48): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include/torch/csrc/api/include\torch/optim/lbfgs.h(27): warning: base class dllexport/dllimport specification differs from that of the derived class

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include/torch/csrc/api/include\torch/optim/lbfgs.h(48): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include/torch/csrc/api/include\torch/optim/lbfgs.h(49): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include/torch/csrc/api/include\torch/optim/lbfgs.h(50): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include/torch/csrc/api/include\torch/optim/lbfgs.h(51): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include/torch/csrc/api/include\torch/optim/rmsprop.h(34): warning: base class dllexport/dllimport specification differs from that of the derived class

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include/torch/csrc/api/include\torch/optim/rmsprop.h(50): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include/torch/csrc/api/include\torch/optim/rmsprop.h(51): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include/torch/csrc/api/include\torch/optim/rmsprop.h(52): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include/torch/csrc/api/include\torch/optim/sgd.h(31): warning: base class dllexport/dllimport specification differs from that of the derived class

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include/torch/csrc/api/include\torch/optim/sgd.h(46): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\torch/csrc/autograd/record_function.h(25): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\torch/csrc/autograd/record_function.h(90): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\torch/csrc/autograd/profiler.h(97): warning: modifier is ignored on an enum specifier

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\torch/csrc/autograd/profiler.h(112): warning: modifier is ignored on an enum specifier

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\torch/csrc/autograd/profiler.h(169): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\torch/csrc/autograd/profiler.h(245): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\torch/csrc/autograd/saved_variable.h(46): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\torch/csrc/autograd/saved_variable.h(49): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\torch/csrc/autograd/saved_variable.h(50): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\torch/csrc/autograd/function.h(353): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\torch/csrc/autograd/function.h(355): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\torch/csrc/autograd/function.h(356): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\torch/csrc/autograd/function.h(357): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\torch/csrc/autograd/function.h(358): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\torch/csrc/autograd/custom_function.h(84): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\torch/csrc/autograd/custom_function.h(105): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\torch/csrc/autograd/custom_function.h(106): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\torch/csrc/autograd/custom_function.h(107): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\torch/csrc/autograd/custom_function.h(108): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\torch/csrc/autograd/custom_function.h(113): warning: field of class type without a DLL interface used in a class with a DLL interface

C:/Users/aesnj/AppData/Local/Programs/Python/Python37/lib/site-packages/torch/include\torch/csrc/autograd/custom_function.h(129): warning: field of class type without a DLL interface used in a class with a DLL interface__

from detectron2.

elnazsn1988 avatar elnazsn1988 commented on June 12, 2024

@conansherry done, changed both argument_spec.h and cast.h , git cloned your detectron2, recieved following error :

C:\Program Files\NVIDIA GPU Computing Toolkit\CUDA\v10.1\bin\nvcc.exe -c C:\projects\pytorch\pytorch\detectron2\detectron2\layers\csrc\box_iou_rotated\box_iou_rotated_cuda.cu -o build\temp.win-amd64-3.7\Release\projects\pytorch\pytorch\detectron2\detectron2\layers\csrc\box_iou_rotated\box_iou_rotated_cuda.obj -IC:\projects\pytorch\pytorch\detectron2\detectron2\layers\csrc -IC:\Users\aesnj\AppData\Local\Programs\Python\Python37\lib\site-packages\torch\include -IC:\Users\aesnj\AppData\Local\Programs\Python\Python37\lib\site-packages\torch\include\torch\csrc\api\include -IC:\Users\aesnj\AppData\Local\Programs\Python\Python37\lib\site-packages\torch\include\TH -IC:\Users\aesnj\AppData\Local\Programs\Python\Python37\lib\site-packages\torch\include\THC "-IC:\Program Files\NVIDIA GPU Computing Toolkit\CUDA\v10.1\include" -IC:\Users\aesnj\AppData\Local\Programs\Python\Python37\include -IC:\Users\aesnj\AppData\Local\Programs\Python\Python37\include "-IC:\Program Files (x86)\Microsoft Visual Studio\2019\Community\VC\Tools\MSVC\14.23.28105\ATLMFC\include" "-IC:\Program Files (x86)\Microsoft Visual Studio\2019\Community\VC\Tools\MSVC\14.23.28105\include" "-IC:\Program Files (x86)\Windows Kits\NETFXSDK\4.8\include\um" "-IC:\Program Files (x86)\Windows Kits\10\include\10.0.18362.0\ucrt" "-IC:\Program Files (x86)\Windows Kits\10\include\10.0.18362.0\shared" "-IC:\Program Files (x86)\Windows Kits\10\include\10.0.18362.0\um" "-IC:\Program Files (x86)\Windows Kits\10\include\10.0.18362.0\winrt" "-IC:\Program Files (x86)\Windows Kits\10\include\10.0.18362.0\cppwinrt" "-IC:\Program Files (x86)\Microsoft Visual Studio\2019\Community\VC\Tools\MSVC\14.23.28105\ATLMFC\include" "-IC:\Program Files (x86)\Microsoft Visual Studio\2019\Community\VC\Tools\MSVC\14.23.28105\include" "-IC:\Program Files (x86)\Windows Kits\NETFXSDK\4.8\include\um" "-IC:\Program Files (x86)\Windows Kits\10\include\10.0.18362.0\ucrt" "-IC:\Program Files (x86)\Windows Kits\10\include\10.0.18362.0\shared" "-IC:\Program Files (x86)\Windows Kits\10\include\10.0.18362.0\um" "-IC:\Program Files (x86)\Windows Kits\10\include\10.0.18362.0\winrt" "-IC:\Program Files (x86)\Windows Kits\10\include\10.0.18362.0\cppwinrt" "-IC:\Program Files (x86)\Microsoft Visual Studio\2019\Community\VC\Tools\MSVC\14.23.28105\ATLMFC\include" "-IC:\Program Files (x86)\Microsoft Visual Studio\2019\Community\VC\Tools\MSVC\14.23.28105\include" "-IC:\Program Files (x86)\Windows Kits\NETFXSDK\4.8\include\um" "-IC:\Program Files (x86)\Windows Kits\10\include\10.0.18362.0\ucrt" "-IC:\Program Files (x86)\Windows Kits\10\include\10.0.18362.0\shared" "-IC:\Program Files (x86)\Windows Kits\10\include\10.0.18362.0\um" "-IC:\Program Files (x86)\Windows Kits\10\include\10.0.18362.0\winrt" "-IC:\Program Files (x86)\Windows Kits\10\include\10.0.18362.0\cppwinrt" -Xcompiler /EHsc -Xcompiler /wd4819 -Xcompiler /MD -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr -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_75,code=sm_75
nvcc fatal : Could not set up the environment for Microsoft Visual Studio using 'C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.23.28105/bin/HostX86/x64/../../../../../../../VC/Auxiliary/Build/vcvars64.bat'
error: command 'C:\Program Files\NVIDIA GPU Computing Toolkit\CUDA\v10.1\bin\nvcc.exe' failed with exit status 1

from detectron2.

conansherry avatar conansherry commented on June 12, 2024

@elnazsn1988
your error:

nvcc fatal : Could not set up the environment for Microsoft Visual Studio using 'C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.23.28105/bin/HostX86/x64/../../../../../../../VC/Auxiliary/Build/vcvars64.bat'
error: command 'C:\Program Files\NVIDIA GPU Computing Toolkit\CUDA\v10.1\bin\nvcc.exe' failed with exit status 1

the problem is your nvcc.exe and cl.exe is executable. please check your PATH environment.

find your vcvars64.bat and run it in the console.

from detectron2.

elnazsn1988 avatar elnazsn1988 commented on June 12, 2024

@conansherry checked and ran vcvars64.bat in the Administrator x64 Native Tolls Command Prompt for VS 2019:

c:> pushd C:\Program Files (x86)\Microsoft Visual Studio\2019\Community\VC\Auxiliary\Build

C:\Program Files (x86)\Microsoft Visual Studio\2019\Community\VC\Auxiliary\Build> vcvars64.bat


** Visual Studio 2019 Developer Command Prompt v16.3.1
** Copyright (c) 2019 Microsoft Corporation


[vcvarsall.bat] Environment initialized for: 'x64'

C:\Program Files (x86)\Microsoft Visual Studio\2019\Community\VC\Auxiliary\Build>

I had tried this before I cloned detectron2, I then clone your detectron2 into pytorch having moved the directory to it. Should I be cloning somewhere else, or is there anything else I can check for my enviroment variables?

from detectron2.

conansherry avatar conansherry commented on June 12, 2024

@elnazsn1988
I search it in google. the similarity problem
https://stackoverflow.com/questions/55663890/how-to-solve-nvcc-fatal-could-not-set-up-the-environment-for-microsoft-visua

you can use nvcc.exe to compile a simplest file to check if your environment is correct

from detectron2.

elnazsn1988 avatar elnazsn1988 commented on June 12, 2024

@conansherry also, I have two argument_spec.h files, one sits in : C:\projects\pytorch\pytorch\torch\include\torch\csrc\jit ,
and the other in :
C:\projects\pytorch\pytorch\torch\csrc\jit

I change both to your specs, is this an issue?

from detectron2.

conansherry avatar conansherry commented on June 12, 2024

@conansherry also, I have two argument_spec.h files, one sits in : C:\projects\pytorch\pytorch\torch\include\torch\csrc\jit ,
and the other in :
C:\projects\pytorch\pytorch\torch\csrc\jit

I change both to your specs, is this an issue?

the issue is nvcc.exe dosen't work correctly, Not related to pytorch.

from detectron2.

elnazsn1988 avatar elnazsn1988 commented on June 12, 2024

@conansherry checked enviroment variables and did extended google search, / and %path% existed around tmp folder and Temp folder in enviroment variables, now removed - I get a different error #232 which was my original one before using your version of detectron2 :

1 error detected in the compilation of "C:/Users/aesnj/AppData/Local/Temp/tmpxft_00009754_00000000-10_deform_conv_cuda.cpp1.ii".
error: command 'C:\Program Files\NVIDIA GPU Computing Toolkit\CUDA\v10.1\bin\nvcc.exe' failed with exit status 1

from detectron2.

conansherry avatar conansherry commented on June 12, 2024

@elnazsn1988
hello.cu:

#include <stdio.h>

__global__ void cuda_hello(){
    printf("Hello World from GPU!\n");
}

int main() {
    cuda_hello<<<1,1>>>(); 
    return 0;
}

do:
nvcc hello.cu -o hello

if your env is correct, you will get a executable file named "hello.exe".

from detectron2.

elnazsn1988 avatar elnazsn1988 commented on June 12, 2024

response to above is an "hello.exe" executable file in the path specified where I saved the hello.cu text document:

C:\Users\aesnj>nvcc hello.cu -o hello
hello.cu
Creating library hello.lib and object hello.exp

C:\Users\aesnj>

from detectron2.

conansherry avatar conansherry commented on June 12, 2024

response to above is an "hello.exe" executable file in the path specified where I saved the hello.cu text document:

C:\Users\aesnj>nvcc hello.cu -o hello
hello.cu
Creating library hello.lib and object hello.exp
C:\Users\aesnj>

The problem may occur when using python to call nvcc to compile. Sorry, I have not encountered a similar problem.
My env list:

  • windows10 1903
  • visual studio 2019 enterprise
  • conda environment(python=3.6)
  • cuda10.1

you can search in google with key word "nvcc fatal : Could not set up the environment for Microsoft Visual Studio". There are many similar problems.

from detectron2.

elnazsn1988 avatar elnazsn1988 commented on June 12, 2024

@conansherry could you possibly give a step by step commands list of how you built caffe2 on pytorch before all this, maybe I should wipe everything clean and start there and this is baffling. The file in the Temp folder its trying to access is the same one throwing up the error as pytorch/extension-cpp#37 (comment) , though in their case they get an explicit depth limit error.

from detectron2.

elnazsn1988 avatar elnazsn1988 commented on June 12, 2024

@conansherry also do you also use Pytorch 1.3? as the normal detectron clone from the facebookresearch folder needed it I upgraded from 1.2 to 1.3 despite it being experimental

from detectron2.

conansherry avatar conansherry commented on June 12, 2024

@conansherry also do you also use Pytorch 1.3? as the normal detectron clone from the facebookresearch folder needed it I upgraded from 1.2 to 1.3 despite it being experimental

I use pytorch1.3. and use "conda install pytorch torchvision cudatoolkit=10.1 -c pytorch" to install pytorch.

from detectron2.

elnazsn1988 avatar elnazsn1988 commented on June 12, 2024

@conansherry did you have to build caffe2 seperatley after this? faced issues with Conda and as such used python without conda, could that be causing the errors? am slightly apprehensive of installing pytorch both on Conda and seperatley with python using VC tools 2019, as previously multiple version issues caused massive issues, the caffe2 build took 3 weeks.

When using your command above conda returns :

The following packages will be downloaded:

package                    |            build
---------------------------|-----------------
cudatoolkit-10.1.243       |       h74a9793_0       300.3 MB
ninja-1.9.0                |   py37h74a9793_0         238 KB
pytorch-1.3.0              |py3.7_cuda101_cudnn7_0       479.7 MB  pytorch
torchvision-0.4.1          |       py37_cu101         2.3 MB  pytorch
------------------------------------------------------------
                                       Total:       782.5 MB

The following NEW packages will be INSTALLED:

cudatoolkit pkgs/main/win-64::cudatoolkit-10.1.243-h74a9793_0
ninja pkgs/main/win-64::ninja-1.9.0-py37h74a9793_0
pytorch pytorch/win-64::pytorch-1.3.0-py3.7_cuda101_cudnn7_0
torchvision pytorch/win-64::torchvision-0.4.1-py37_cu101

from detectron2.

conansherry avatar conansherry commented on June 12, 2024

@conansherry did you have to build caffe2 seperatley after this? faced issues with Conda and as such used python without conda, could that be causing the errors? am slightly apprehensive of installing pytorch both on Conda and seperatley with python using VC tools 2019, as previously multiple version issues caused massive issues, the caffe2 build took 3 weeks.

When using your command above conda returns :

The following packages will be downloaded:

package                    |            build
---------------------------|-----------------
cudatoolkit-10.1.243       |       h74a9793_0       300.3 MB
ninja-1.9.0                |   py37h74a9793_0         238 KB
pytorch-1.3.0              |py3.7_cuda101_cudnn7_0       479.7 MB  pytorch
torchvision-0.4.1          |       py37_cu101         2.3 MB  pytorch
------------------------------------------------------------
                                       Total:       782.5 MB

The following NEW packages will be INSTALLED:
cudatoolkit pkgs/main/win-64::cudatoolkit-10.1.243-h74a9793_0
ninja pkgs/main/win-64::ninja-1.9.0-py37h74a9793_0
pytorch pytorch/win-64::pytorch-1.3.0-py3.7_cuda101_cudnn7_0
torchvision pytorch/win-64::torchvision-0.4.1-py37_cu101

I didn't build caffe2 or pytorh with sources.

from detectron2.

elnazsn1988 avatar elnazsn1988 commented on June 12, 2024

@conansherry @ppwwyyxx so what worked for me, was using the conansherry detectron2, doing the changes here to every possible version of the documents saved on my system: #237 (comment) , changing the ROI files (rotated and not cu) and not sure if this means anything, but also cloning in parallel in Conda. I wasnt able to actually get a complete run in Conda, but somehow now it "seems" to be working.

from detectron2.

YoongiKim avatar YoongiKim commented on June 12, 2024

Hello. I'm trying to install detectron2 on my windows 10.
I followed some guides. But it seems this error is brand new.

  1. Installing by pip install -e . successes. But when running demo.py, it fails with Not compiled with GPU support
    I think pip install cannot detect my CUDA (even I set PATH settings). So I tried to install with setup.py

  2. Tried to install with setup.py because it detects CUDA OK.

(conda env) python setup.py install
~~~ long warnings ~~~

D:/Projects/detectron2/detectron2/layers/csrc/ROIAlign/ROIAlign_cuda.cu(337): error: no instance of function template "at::cuda::ATenCeilDiv" matches the argument list
            argument types are: (long long, long)

D:/Projects/detectron2/detectron2/layers/csrc/ROIAlign/ROIAlign_cuda.cu(337): error: no instance of overloaded function "std::min" matches the argument list
            argument types are: (<error-type>, long)

D:/Projects/detectron2/detectron2/layers/csrc/ROIAlign/ROIAlign_cuda.cu(394): error: no instance of function template "at::cuda::ATenCeilDiv" matches the argument list
            argument types are: (int64_t, long)

D:/Projects/detectron2/detectron2/layers/csrc/ROIAlign/ROIAlign_cuda.cu(394): error: no instance of overloaded function "std::min" matches the argument list
            argument types are: (<error-type>, long)

4 errors detected in the compilation of "C:/Users/YOONGI~1/AppData/Local/Temp/tmpxft_00001a10_00000000-10_ROIAlign_cuda.cpp1.ii".
error: command 'C:\\Program Files\\NVIDIA GPU Computing Toolkit\\CUDA\\v10.1\\bin\\nvcc.exe' failed with exit status 1

But fails with this error.

My settings

pytorch 1.4.0 on Anaconda installation
CUDA 10.1 with CuDNN 7.6.5
Visual Studio 2019
Windows 10

from detectron2.

jefflomax avatar jefflomax commented on June 12, 2024

from detectron2.

YoongiKim avatar YoongiKim commented on June 12, 2024

For Not compiled with GPU support error,
try (conda_env) python setup.py install instead of pip install -e .

from detectron2.

hengxiangYao avatar hengxiangYao commented on June 12, 2024

Have anyone met errors while running setup.py?
ERROR: Command errored out with exit status 1: command: 'C:\Users\timma\Miniconda3\python.exe' -c 'import sys, setuptools, tokenize; sys.argv[0] = '"'"'C:\\Users\\timma\\detectron2_repo\\setup.py'"'"'; __file__='"'"'C:\\Users\\timma\\detectron2_repo\\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: C:\Users\timma\detectron2_repo\ Complete output (64 lines): INFO: Could not find files for the given pattern(s). 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 C:\Users\timma\Miniconda3\lib\site-packages\torch\utils\cpp_extension.py:190: UserWarning: Error checking compiler version for cl: [WinError 2] The system cannot find the file specified warnings.warn('Error checking compiler version for {}: {}'.format(compiler, error)) building 'detectron2._C' extension Traceback (most recent call last): File "<string>", line 1, in <module> File "C:\Users\timma\detectron2_repo\setup.py", line 148, in <module> cmdclass={"build_ext": torch.utils.cpp_extension.BuildExtension}, File "C:\Users\timma\Miniconda3\lib\site-packages\setuptools\__init__.py", line 144, in setup return distutils.core.setup(**attrs) File "C:\Users\timma\Miniconda3\lib\distutils\core.py", line 148, in setup dist.run_commands() File "C:\Users\timma\Miniconda3\lib\distutils\dist.py", line 966, in run_commands self.run_command(cmd) File "C:\Users\timma\Miniconda3\lib\distutils\dist.py", line 985, in run_command cmd_obj.run() File "C:\Users\timma\Miniconda3\lib\site-packages\setuptools\command\develop.py", line 38, in run self.install_for_development() File "C:\Users\timma\Miniconda3\lib\site-packages\setuptools\command\develop.py", line 140, in install_for_development self.run_command('build_ext') File "C:\Users\timma\Miniconda3\lib\distutils\cmd.py", line 313, in run_command self.distribution.run_command(command) File "C:\Users\timma\Miniconda3\lib\distutils\dist.py", line 985, in run_command cmd_obj.run() File "C:\Users\timma\Miniconda3\lib\site-packages\setuptools\command\build_ext.py", line 87, in run _build_ext.run(self) File "C:\Users\timma\Miniconda3\lib\site-packages\Cython\Distutils\old_build_ext.py", line 186, in run _build_ext.build_ext.run(self) File "C:\Users\timma\Miniconda3\lib\distutils\command\build_ext.py", line 340, in run self.build_extensions() File "C:\Users\timma\Miniconda3\lib\site-packages\torch\utils\cpp_extension.py", line 353, in build_extensions build_ext.build_extensions(self) File "C:\Users\timma\Miniconda3\lib\site-packages\Cython\Distutils\old_build_ext.py", line 195, in build_extensions _build_ext.build_ext.build_extensions(self) File "C:\Users\timma\Miniconda3\lib\distutils\command\build_ext.py", line 449, in build_extensions self._build_extensions_serial() File "C:\Users\timma\Miniconda3\lib\distutils\command\build_ext.py", line 474, in _build_extensions_serial self.build_extension(ext) File "C:\Users\timma\Miniconda3\lib\site-packages\setuptools\command\build_ext.py", line 208, in build_extension _build_ext.build_extension(self, ext) File "C:\Users\timma\Miniconda3\lib\distutils\command\build_ext.py", line 534, in build_extension depends=ext.depends) File "C:\Users\timma\Miniconda3\lib\site-packages\torch\utils\cpp_extension.py", line 343, in win_wrap_compile extra_postargs, depends) File "C:\Users\timma\Miniconda3\lib\distutils\_msvccompiler.py", line 346, in compile self.initialize() File "C:\Users\timma\Miniconda3\lib\distutils\_msvccompiler.py", line 239, in initialize vc_env = _get_vc_env(plat_spec) File "C:\Users\timma\Miniconda3\lib\site-packages\setuptools\msvc.py", line 171, in msvc14_get_vc_env return EnvironmentInfo(plat_spec, vc_min_ver=14.0).return_env() File "C:\Users\timma\Miniconda3\lib\site-packages\setuptools\msvc.py", line 1623, in return_env if self.vs_ver >= 14 and isfile(self.VCRuntimeRedist): File "C:\Users\timma\Miniconda3\lib\genericpath.py", line 30, in isfile st = os.stat(path) TypeError: stat: path should be string, bytes, os.PathLike or integer, not NoneType ---------------------------------------- ERROR: Command errored out with exit status 1: 'C:\Users\timma\Miniconda3\python.exe' -c 'import sys, setuptools, tokenize; sys.argv[0] = '"'"'C:\\Users\\timma\\detectron2_repo\\setup.py'"'"'; __file__='"'"'C:\\Users\\timma\\detectron2_repo\\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.

Similar errors happens while installing pycocotools setup.py, also says
File "C:\Users\timma\Miniconda3\lib\genericpath.py", line 30, in isfile st = os.stat(path) TypeError: stat: path should be string, bytes, os.PathLike or integer, not NoneType
Hope someone has an answer. Thanks in advance!
I am using Windows 10, Anaconda, python3.7.4, CUDA 10.2.89 ,Microsoft Visual Studio 2019(community)
It may be the problem in installed Visual Studio? What components should I install?

from detectron2.

jefflomax avatar jefflomax commented on June 12, 2024

from detectron2.

sh0416 avatar sh0416 commented on June 12, 2024

@conansherry Instead of changing cast.h, I change the type of all_slot from constexpr to const, and the compilation works. Do you think it cause some bug?

from detectron2.

WYBupup avatar WYBupup commented on June 12, 2024

Hi guys. I face a new issue. Following the above instructions, I successfully install detectron2 on Windows and run the demo successfully. But when I follow the train on single gpu tutorial:https://github.com/facebookresearch/detectron2/blob/master/GETTING_STARTED.md, I got an error:
os has no attribute named getuid

I have searched this problem and found that only on Unix that os get attribute getuid(following is the url of the issue)https://github.com/Parsely/streamparse/issues/415

Have you guys finish training successfully? would someone come to explain this to me?
I would any explanations!!!

from detectron2.

WYBupup avatar WYBupup commented on June 12, 2024

Hi guys. I face a new issue. Following the above instructions, I successfully install detectron2 on Windows and run the demo successfully. But when I follow the train on single gpu tutorial:https://github.com/facebookresearch/detectron2/blob/master/GETTING_STARTED.md, I got an error:
os has no attribute named getuid

I have searched this problem and found that only on Unix that os get attribute getuid(following is the url of the issue)https://github.com/Parsely/streamparse/issues/415

Have you guys finish training successfully? would someone come to explain this to me?
I would any explanations!!!

@conansherry @

from detectron2.

conansherry avatar conansherry commented on June 12, 2024

from detectron2.

QQ2737499951 avatar QQ2737499951 commented on June 12, 2024

WINDOWS安装已经搞定,WINDOWS安装有问题的加QQ群:669412407(注明detectron2)

from detectron2.

albertchristianto avatar albertchristianto commented on June 12, 2024

Hi everyone,
does this repository support win 10?
yesterday, I have successfully installed detectron2 and run the demo successfully on win10, so I reconsider of using detectron2 for long term project if there is no major problem on windows 10 platform.
Will it be okay ?
best regards,
Albert Christianto

from detectron2.

solarflarefx avatar solarflarefx commented on June 12, 2024

@anzy0621 Do your instructions still hold true for detectron2 v 0.1.3?

It looks like in the latest version the changes to the .cu files are already done.

I am still getting this error:
5 errors detected in the compilation of "C:/Users/Windows/AppData/Local/Temp/tmpxft_00002f20_00000000-10_nms_rotated_cuda.cpp1.ii".
error: command 'C:\Program Files\NVIDIA GPU Computing Toolkit\CUDA\v10.1\bin\nvcc.exe' failed with exit status 1

python: 3.6
detectron2: 0.1.3
pytorch: 1.4
torchvision: 0.5.0
cuda: 10.1
cudnn: 7.6.5

from detectron2.

kapil-varshney avatar kapil-varshney commented on June 12, 2024

@anzy0621 Do your instructions still hold true for detectron2 v 0.1.3?

It looks like in the latest version the changes to the .cu files are already done.

I am still getting this error:
5 errors detected in the compilation of "C:/Users/Windows/AppData/Local/Temp/tmpxft_00002f20_00000000-10_nms_rotated_cuda.cpp1.ii".
error: command 'C:\Program Files\NVIDIA GPU Computing Toolkit\CUDA\v10.1\bin\nvcc.exe' failed with exit status 1

python: 3.6
detectron2: 0.1.3
pytorch: 1.4
torchvision: 0.5.0
cuda: 10.1
cudnn: 7.6.5

@solarflarefx Yes, you are right. I checked out the code. They have made the required changes in ROIAlign_cuda.cu and ROIAlignRotated_cuda.cu

I still have the same error as you do. I have the exact same environment setup. Were you able to figure out a fix?

from detectron2.

vvars1 avatar vvars1 commented on June 12, 2024

@conansherry

Thank you for the detailed steps provided.
I installed detectron2 successfully, but when i'm running the python script i have noticing below error.

AttributeError: module 'detectron2.model_zoo' has no attribute 'get_config_file'

Could you please help me on to fix this error

from detectron2.

Xiewp avatar Xiewp commented on June 12, 2024

Hi,I install detectron2 on win10 while failed with

C:\Users\87992\AppData\Roaming\Python\Python37\site-packages\torch\include\ATen/core/ivalue_inl.h(624): note: see reference to class template instantiation 'c10::ArrayRefc10::IValue' being compiled
error: command 'C:\Program Files (x86)\Microsoft Visual Studio 14.0\VC\BIN\x86_amd64\cl.exe' failed with exit status 2

could anybody tell me how to fixed it? I've tried modified argument_spec.h and cast.h but failed.

python 3.7.8
pytorch 1.4.0
torchvision 0.5.0
cuda 10.0
cudnn 7.4.2

from detectron2.

Abalizzw avatar Abalizzw commented on June 12, 2024

@conansherry

Thank you for the detailed steps provided.
I installed detectron2 successfully, but when i'm running the python script i have noticing below error.

AttributeError: module 'detectron2.model_zoo' has no attribute 'get_config_file'

Could you please help me on to fix this error

Did you fix it already? I met the same problem as you. Thank you a lot.

from detectron2.

VJoer avatar VJoer commented on June 12, 2024

@huangweiwade just had the same problem. I stumbled upon some bash script to fix a couple of cpp things:

#!/bin/bash

SITE=/mnt/c/Users/thomas.jungblut/AppData/Local/Programs/Python/Python37/Lib/site-packages
sed -i.bak -e 's/CONSTEXPR_EXCEPT_WIN_CUDA/const/g' "${SITE}/torch/include/torch/csrc/jit/api/module.h"
sed -i.bak -e 's/return \*(this->value)/return \*((type\*)this->value)/g' "${SITE}/torch/include/pybind11/cast.h"
sed -i.bak '/static constexpr Symbol Kind/d' "${SITE}/torch/include/torch/csrc/jit/ir/ir.h"

Change the site variable up to your installation path in Conda (D:/Users/huang/anaconda3/lib/site-packages).
Then a plain installation via git clone and python -m pip install -e detectron2 works as advertised.

Thank you for the detailed steps provided.

from detectron2.

carlosedubarreto avatar carlosedubarreto commented on June 12, 2024

Try the instructions on this page. It helped me a lot
https://ivanpp.cc/detectron2-walkthrough-windows/

from detectron2.

markstrefford avatar markstrefford commented on June 12, 2024

I had similar issues. In the end I installed it using WSL2 using CUDA11.2 and an RTX3070 GPU: https://github.com/markstrefford/running-detectron2-on-windows-wsl2-rtx30xx

from detectron2.

markstrefford avatar markstrefford commented on June 12, 2024

Since v0.3 I can simply install it with conda.
Here's my environment.yml:

name: detectron2
channels:
  - pytorch
  - conda-forge
  - anaconda
  - defaults
dependencies:
  - python>=3.8
  - numpy
  - cudatoolkit=10.1
  - pytorch==1.6
  - torchvision
  - git
  - pip
  - pip:
    - git+https://github.com/facebookresearch/[email protected]

Hope this helps someone.

This didn't work for me using RTX3070, CUDA 11.2.

from detectron2.

marcosterland avatar marcosterland commented on June 12, 2024

This didn't work for me using RTX3070, CUDA 11.2.

Have you tried to change the dependencies accordingly?

  - cudatoolkit=11.2
  - pytorch==1.7

Maybe it also works with only the CUDA line changed.

from detectron2.

markstrefford avatar markstrefford commented on June 12, 2024

This didn't work for me using RTX3070, CUDA 11.2.

Have you tried to change the dependencies accordingly?

  - cudatoolkit=11.2
  - pytorch==1.7

Maybe it also works with only the CUDA line changed.

I changed that, but get this issue when I try from detectron2.engine import DefaultPredictor:

    from detectron2.engine import DefaultPredictor

  File "C:\Users\Mark\anaconda3\envs\detectron2\lib\site-packages\detectron2\engine\__init__.py", line 4, in <module>
    from .train_loop import *

  File "C:\Users\Mark\anaconda3\envs\detectron2\lib\site-packages\detectron2\engine\train_loop.py", line 13, in <module>
    from detectron2.utils.events import EventStorage, get_event_storage

  File "C:\Users\Mark\anaconda3\envs\detectron2\lib\site-packages\detectron2\utils\events.py", line 12, in <module>
    from detectron2.utils.file_io import PathManager

  File "C:\Users\Mark\anaconda3\envs\detectron2\lib\site-packages\detectron2\utils\file_io.py", line 1, in <module>
    from fvcore.common.file_io import HTTPURLHandler, OneDrivePathHandler, PathHandler, PathManagerBase

  File "C:\Users\Mark\anaconda3\envs\detectron2\lib\site-packages\fvcore\common\file_io.py", line 10, in <module>
    from iopath.common.file_io import (

  File "C:\Users\Mark\anaconda3\envs\detectron2\lib\site-packages\iopath\common\file_io.py", line 14, in <module>
    import portalocker  # type: ignore

  File "C:\Users\Mark\anaconda3\envs\detectron2\lib\site-packages\portalocker\__init__.py", line 4, in <module>
    from . import portalocker

  File "C:\Users\Mark\anaconda3\envs\detectron2\lib\site-packages\portalocker\portalocker.py", line 11, in <module>
    import win32file

ImportError: DLL load failed while importing win32file: The specified module could not be found.```

I don't get this error when running in WSL2 / Ubuntu with all of the same code versions.

from detectron2.

akkiss avatar akkiss commented on June 12, 2024

Ah! Fixed it! conda install pywin32 fixes it. Here's my yml file:

name: detectron2
channels:
  - pytorch
  - conda-forge
  - anaconda
  - defaults
dependencies:
  - python=3.8
  - numpy
  - pywin32
  - cudatoolkit=11.0
  - pytorch==1.7.1
  - torchvision
  - git
  - pip
  - pip:
    - git+https://github.com/facebookresearch/[email protected]

What compiler did you use? This does not work for me with VS2015 (v140, update 3).

from detectron2.

markstrefford avatar markstrefford commented on June 12, 2024

Thanks for the update.

from detectron2.

markstrefford avatar markstrefford commented on June 12, 2024

Ah! Fixed it! conda install pywin32 fixes it. Here's my yml file:

name: detectron2
channels:
  - pytorch
  - conda-forge
  - anaconda
  - defaults
dependencies:
  - python=3.8
  - numpy
  - pywin32
  - cudatoolkit=11.0
  - pytorch==1.7.1
  - torchvision
  - git
  - pip
  - pip:
    - git+https://github.com/facebookresearch/[email protected]

What compiler did you use? This does not work for me with VS2015 (v140, update 3).

@akkiss You need VS2017 or later

from detectron2.

xiezhiyu275 avatar xiezhiyu275 commented on June 12, 2024

rtx3060
python3.7
pytorch1.7.1
cuda11.1

File "D:\Desktop\detectron2_solov2_six\AdelaiDet-master\detectron2\data_init_.py", line 4, in
from .build import (
File "D:\Desktop\detectron2_solov2_six\AdelaiDet-master\detectron2\data\build.py", line 12, in
from detectron2.structures import BoxMode
File "D:\Desktop\detectron2_solov2_six\AdelaiDet-master\detectron2\structures_init_.py", line 6, in
from .keypoints import Keypoints, heatmaps_to_keypoints
File "D:\Desktop\detectron2_solov2_six\AdelaiDet-master\detectron2\structures\keypoints.py", line 6, in
from detectron2.layers import interpolate
File "D:\Desktop\detectron2_solov2_six\AdelaiDet-master\detectron2\layers_init_.py", line 3, in
from .deform_conv import DeformConv, ModulatedDeformConv
File "D:\Desktop\detectron2_solov2_six\AdelaiDet-master\detectron2\layers\deform_conv.py", line 10, in
from detectron2 import _C
ImportError: DLL load failed:

from detectron2.

solarflarefx avatar solarflarefx commented on June 12, 2024

@ppwwyyxx One question I have is that if one gets detectron2 running in Windows on a multi-gpu machine, could that setup work for DDP training? It looks like DDP was added to Windows on PyTorch release 1.7: https://pytorch.org/blog/pytorch-1.7-released/

One question is would anything have to be changed to get train_net.py working? Would you have to force a gloo backend?

from detectron2.

henry-luo avatar henry-luo commented on June 12, 2024

@xiezhiyu275 I encountered same DLL loading error as you, and have just managed to resolve it.
The cause of the problem was that the binary DLLs were not actually properly built.

To build Detectron2 on Windows, you'll need to:

  • install PyTorch
  • install Visual Studio 2017 or 2019
  • run the vcvars64.bat from your VS installation, e.g. "C:\Program Files (x86)\Microsoft Visual Studio\2019\Enterprise\VC\Auxiliary\Build\vcvars64.bat", which will set the environment variables for C/C++ compiling
  • python setup.py build develop

It is important to run vcvars64.bat before running setup.py. Without vcvars64.bat, setup.py will only install the Python files without building the binary DLLs, thus leading to the error.

Can refer to this repo: https://github.com/conansherry/detectron2 for more info.

from detectron2.

yogeshkumarpilli avatar yogeshkumarpilli commented on June 12, 2024

Hello
If you are facing issues with windows installation,
please refer this "https://github.com/yogeshkumarpilli/detectron2/blob/master/README.md"
I did it successfully with the latest build version of detectron2 i.e v0.5

Cheers

from detectron2.

austinulfers avatar austinulfers commented on June 12, 2024

Ah! Fixed it! conda install pywin32 fixes it. Here's my yml file:

name: detectron2
channels:
  - pytorch
  - conda-forge
  - anaconda
  - defaults
dependencies:
  - python=3.8
  - numpy
  - pywin32
  - cudatoolkit=11.0
  - pytorch==1.7.1
  - torchvision
  - git
  - pip
  - pip:
    - git+https://github.com/facebookresearch/[email protected]

This worked like a charm for my system which has an RTX 3070.

from detectron2.

MilkClouds avatar MilkClouds commented on June 12, 2024

In Windows 10
after let ninja.exe on PATH, I succeeded installing detectron2 v0.6
I also installed pywin32, and sth else few that I don't remember, but I think it is due to ninja.exe that installation succeeded.

What I have done:

choco install visualstudio2017-workload-vctools
# letting ninja.exe on my path
# cuda 11.3, pytorch 1.10.0
# installed detectron v0.6 by cloning + pip install cloned repository

# I also installed pywin32, but I guess it isn't the component to make detectron installation succeed.

I also executed inference code of videopose3d successfully. no error.

I hope anybody who want to install this on windows got help.

from detectron2.

akkiss avatar akkiss commented on June 12, 2024

Also had problems building detectron2 on windows, bottom line is it builds with ninja but does not build without it (see details in #2770).

from detectron2.

EtagiBI avatar EtagiBI commented on June 12, 2024

I've tried a bunch of different instructions, but still can't get past this build_ext-related error:
https://stackoverflow.com/questions/70751751/cant-build-detectron2-on-windows-10

Any help is appreciated!

from detectron2.

ouhkedu avatar ouhkedu commented on June 12, 2024

conda create -n detectron_env python=3.8
conda activate detectron_env
pip install cython
conda install pytorch torchvision torchaudio cudatoolkit=11.0 -c pytorch
git clone https://github.com/facebookresearch/detectron2.git
cd detectron2
pip install -e .
pip install opencv-python
conda install pywin32

======Work on my WindowsOS with "cpu" , run underneath code...

from detectron2.engine import DefaultPredictor
from detectron2.data import MetadataCatalog
from detectron2.config import get_cfg
from detectron2.utils.visualizer import ColorMode, Visualizer
from detectron2 import model_zoo

import cv2
import numpy as np
import requests

Load an image

res = requests.get("https://live.staticflickr.com/700/33224654191_fdaee2e3f1_c_d.jpg")
image = np.asarray(bytearray(res.content), dtype="uint8")
image = cv2.imdecode(image, cv2.IMREAD_COLOR)

config_file = 'COCO-Detection/faster_rcnn_R_101_FPN_3x.yaml'
cfg = get_cfg()
cfg.merge_from_file(model_zoo.get_config_file(config_file))
cfg.MODEL.ROI_HEADS.SCORE_THRESH_TEST = 0.75 # Threshold
cfg.MODEL.WEIGHTS = model_zoo.get_checkpoint_url(config_file)
cfg.MODEL.DEVICE = "cpu" #"cuda" # cpu or cuda

Create predictor

predictor = DefaultPredictor(cfg)

Make prediction

output = predictor(image)
print(output)
v = Visualizer(image[:, :, ::-1],
scale=0.8,
metadata=MetadataCatalog.get(cfg.DATASETS.TRAIN[0]),
instance_mode=ColorMode.IMAGE
)
v = v.draw_instance_predictions(output["instances"].to("cpu"))
cv2.imshow('images', v.get_image()[:, :, ::-1])
cv2.waitKey(0)

from detectron2.

QQ2737499951 avatar QQ2737499951 commented on June 12, 2024

from detectron2.

ouhkedu avatar ouhkedu commented on June 12, 2024

这都是来自BBBBBBBBBBBBBB

from detectron2.

khushaljethava avatar khushaljethava commented on June 12, 2024

Try this one, it works on Windows 10 and 11 for me.

pip install git+https://github.com/khushaljethava/detectron2.git

from detectron2.

QQ2737499951 avatar QQ2737499951 commented on June 12, 2024

from detectron2.

MatiasGil88 avatar MatiasGil88 commented on June 12, 2024

Try this one, it works on Windows 10 and 11 for me.

pip install git+https://github.com/khushaljethava/detectron2.git

Is there a way you can do a step by step to try this? Does it works with gpu?

from detectron2.

QQ2737499951 avatar QQ2737499951 commented on June 12, 2024

from detectron2.

carlosedubarreto avatar carlosedubarreto commented on June 12, 2024

Try this one, it works on Windows 10 and 11 for me.
pip install git+https://github.com/khushaljethava/detectron2.git

Is there a way you can do a step by step to try this? Does it works with gpu?

Hello @MatiasGil88 , I was able to install detectron2 some time ago using this explanation from stackexchage

https://stackoverflow.com/questions/60631933/install-detectron2-on-windows-10/72784255#72784255

from detectron2.

MatiasGil88 avatar MatiasGil88 commented on June 12, 2024

Try this one, it works on Windows 10 and 11 for me.
pip install git+https://github.com/khushaljethava/detectron2.git

Is there a way you can do a step by step to try this? Does it works with gpu?

Hello @MatiasGil88 , I was able to install detectron2 some time ago using this explanation from stackexchage

https://stackoverflow.com/questions/60631933/install-detectron2-on-windows-10/72784255#72784255

Where you able to use gpu?

from detectron2.

carlosedubarreto avatar carlosedubarreto commented on June 12, 2024

yep, using cuda 11.7

here are my notes with more information
image

from detectron2.

MatiasGil88 avatar MatiasGil88 commented on June 12, 2024

yep, using cuda 11.7

here are my notes with more information image

Amazing Carlos, huge thanks!!

from detectron2.

Related Issues (20)

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.