From 22c0758eea07a2c136c859451087c87caffa9662 Mon Sep 17 00:00:00 2001 From: Karim-53 Date: Wed, 10 Jun 2020 14:52:37 +0200 Subject: [PATCH 1/5] Update .gitignore --- .gitignore | 6 ++++++ 1 file changed, 6 insertions(+) diff --git a/.gitignore b/.gitignore index 2eeaaad8..2b5055e7 100644 --- a/.gitignore +++ b/.gitignore @@ -11,6 +11,12 @@ dist/ #*.ipynb **/.ipynb_checkpoints/ +# dataset +datasets/vg/ +*.png +*.jpg +*.jpeg + # Editor temporaries *.swn *.swo From 96eab8c230d70725e140b26276513e1a41cae527 Mon Sep 17 00:00:00 2001 From: Karim-53 Date: Wed, 10 Jun 2020 14:53:29 +0200 Subject: [PATCH 2/5] Update .gitignore --- .gitignore | 3 +++ 1 file changed, 3 insertions(+) diff --git a/.gitignore b/.gitignore index 2b5055e7..634d85f5 100644 --- a/.gitignore +++ b/.gitignore @@ -11,6 +11,9 @@ dist/ #*.ipynb **/.ipynb_checkpoints/ +# checkpoint +checkpoint/ + # dataset datasets/vg/ *.png From dc5809d56e479e1e6c4b01e69ba0ce3bc9f79fc1 Mon Sep 17 00:00:00 2001 From: Karim-53 Date: Sat, 18 Jul 2020 20:27:52 +0200 Subject: [PATCH 3/5] Update deform_conv_cuda.cu fix issue 38: https://github.com/KaihuaTang/Scene-Graph-Benchmark.pytorch/issues/38 --- maskrcnn_benchmark/csrc/cuda/deform_conv_cuda.cu | 4 ++++ 1 file changed, 4 insertions(+) diff --git a/maskrcnn_benchmark/csrc/cuda/deform_conv_cuda.cu b/maskrcnn_benchmark/csrc/cuda/deform_conv_cuda.cu index 74f7d339..1c07c82e 100644 --- a/maskrcnn_benchmark/csrc/cuda/deform_conv_cuda.cu +++ b/maskrcnn_benchmark/csrc/cuda/deform_conv_cuda.cu @@ -1,6 +1,10 @@ // modify from // https://github.com/chengdazhi/Deformable-Convolution-V2-PyTorch/blob/mmdetection/mmdet/ops/dcn/src/deform_conv_cuda.c +#ifndef AT_CHECK +#define AT_CHECK TORCH_CHECK +#endif + #include #include From bbef4d9f8bb42e95bc32d12bdd99936fc6f02827 Mon Sep 17 00:00:00 2001 From: Karim-53 Date: Sat, 18 Jul 2020 20:29:30 +0200 Subject: [PATCH 4/5] Update deform_pool_cuda.cu fix issue 38: https://github.com/KaihuaTang/Scene-Graph-Benchmark.pytorch/issues/38 --- maskrcnn_benchmark/csrc/cuda/deform_pool_cuda.cu | 4 ++++ 1 file changed, 4 insertions(+) diff --git a/maskrcnn_benchmark/csrc/cuda/deform_pool_cuda.cu b/maskrcnn_benchmark/csrc/cuda/deform_pool_cuda.cu index 71f305af..8a607ce1 100644 --- a/maskrcnn_benchmark/csrc/cuda/deform_pool_cuda.cu +++ b/maskrcnn_benchmark/csrc/cuda/deform_pool_cuda.cu @@ -5,6 +5,10 @@ // author: Charles Shang // https://github.com/torch/cunn/blob/master/lib/THCUNN/generic/SpatialConvolutionMM.cu +#ifndef AT_CHECK +#define AT_CHECK TORCH_CHECK +#endif + #include #include From 6c175bccf85c868673faa665935901a1b5a2c9d8 Mon Sep 17 00:00:00 2001 From: Karim-53 Date: Sat, 18 Jul 2020 20:40:48 +0200 Subject: [PATCH 5/5] Detailed setup of the repo --- Setup.ipynb | 4049 +++++++++++++++++++++++++++++++++++++++++++++++++++ 1 file changed, 4049 insertions(+) create mode 100644 Setup.ipynb diff --git a/Setup.ipynb b/Setup.ipynb new file mode 100644 index 00000000..168723ba --- /dev/null +++ b/Setup.ipynb @@ -0,0 +1,4049 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "metadata": { + "colab_type": "text", + "heading_collapsed": true, + "id": "1Nt81FY66EM3" + }, + "source": [ + "# hardware and OS\n", + "To tun this repo, you need 1 to 8 GPUs with CUDA. If you don't have a Nvidia Graphic card, no problem! This notebook is intended to run on Google Colab!\n", + "\n", + "Don't forget to activate the GPU in **Goolgle Colab** ([how to](https://jovianlin.io/pytorch-with-gpu-in-google-colab/)) If you do not enable GPU from the beggining then you will have to restart te setup from beggining\n", + "\n", + "If using **Kaggle kernel** do not forget to enable internet\n", + "\n", + "**OS:** It is almost impossible to run this repo on Windows (believe me, I tried hard) because of many dependencies that are made for Linux. So better continue with Linux." + ] + }, + { + "cell_type": "markdown", + "metadata": { + "heading_collapsed": true + }, + "source": [ + "# Environment setup\n", + "before installing anything related to this project, first you need a version of PyTorch compatible with your GPU settings\n", + "\n", + "with the 2 line script below you can check if your environment is ok." + ] + }, + { + "cell_type": "code", + "execution_count": 1, + "metadata": { + "hidden": true, + "scrolled": true + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Collecting environment information...\n", + "PyTorch version: 1.5.0+cu101\n", + "Is debug build: No\n", + "CUDA used to build PyTorch: 10.1\n", + "\n", + "OS: Ubuntu 16.04.4 LTS\n", + "GCC version: (Ubuntu 5.4.0-6ubuntu1~16.04.9) 5.4.0 20160609\n", + "CMake version: Could not collect\n", + "\n", + "Python version: 3.7\n", + "Is CUDA available: Yes\n", + "CUDA runtime version: 10.1.105\n", + "GPU models and configuration: \n", + "GPU 0: Tesla K80\n", + "GPU 1: Tesla K80\n", + "\n", + "Nvidia driver version: 430.26\n", + "cuDNN version: /usr/lib/x86_64-linux-gnu/libcudnn.so.7.6.5\n", + "\n", + "Versions of relevant libraries:\n", + "[pip3] numpy==1.18.4\n", + "[pip3] torch==1.5.0+cu101\n", + "[pip3] torchvision==0.6.0+cu101\n", + "[conda] mkl 2018.0.1 h19d6760_4 \n", + "[conda] mkl-service 1.1.2 py36h17a0993_4 \n", + "[conda] numpy 1.18.4 pypi_0 pypi\n", + "[conda] numpydoc 0.7.0 py36h18f165f_0 \n", + "[conda] torch 1.5.0+cu101 pypi_0 pypi\n", + "[conda] torchvision 0.6.0+cu101 pypi_0 pypi\n" + ] + } + ], + "source": [ + "! wget --quiet \"https://raw.githubusercontent.com/pytorch/pytorch/master/torch/utils/collect_env.py\"\n", + "! python collect_env.py" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "- first, check that your computer detect your graphic card ``GPU 0: ...``\n", + "- second, you need a driver to use your GPU for any application: ``Nvidia driver version: ...``\n", + "- third, you need some libraries to run any data science algorith on your GPU: ``cuDNN version: ...`` and ``CUDA runtime version: ...``\n", + "- fourth, you need to install Pytorch after having all the things above so that Pytorch is built using the CUDA library: ``PyTorch version: 1.5.0+cu101`` and ``CUDA used to build PyTorch: 10.1``\n", + "- Finally, if your are on windows, you might also need ``Microsoft Visual C++ 14.0``\n", + "\n", + "If any of these are missing, the project setup will probably fail somewhere. Below are the instruction to fix your environment." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Setup\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "hidden": true + }, + "outputs": [], + "source": [ + "! apt-get update\n", + "! pip install --upgrade pip\n", + "\n", + "! apt-get install linux-headers-$(uname -r)\n", + "! apt-get -y install cmake\n", + "\n", + "! conda update conda\n", + "! conda update conda-build" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "metadata": { + "hidden": true + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "gcc (Ubuntu 5.4.0-6ubuntu1~16.04.9) 5.4.0 20160609\r\n", + "Copyright (C) 2015 Free Software Foundation, Inc.\r\n", + "This is free software; see the source for copying conditions. There is NO\r\n", + "warranty; not even for MERCHANTABILITY or FITNESS FOR A PARTICULAR PURPOSE.\r\n", + "\r\n" + ] + } + ], + "source": [ + "!gcc --version" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Driver\n", + "\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [] + }, + { + "cell_type": "code", + "execution_count": 4, + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/", + "height": 84 + }, + "colab_type": "code", + "hidden": true, + "id": "U5vDdOhoxBtR", + "outputId": "d5db9410-345d-423c-e7bc-91483a7f88ff" + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "nvcc: NVIDIA (R) Cuda compiler driver\r\n", + "Copyright (c) 2005-2019 NVIDIA Corporation\r\n", + "Built on Fri_Feb__8_19:08:17_PST_2019\r\n", + "Cuda compilation tools, release 10.1, V10.1.105\r\n" + ] + } + ], + "source": [ + "# this command must work otherwise check the symLink /usr/local/cuda\n", + "!nvcc --version" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## CUDA\n", + "Note that each version of CUDA has a minimum requirement concerning the version of the driver\n", + "\n", + "\n", + "cuda toolkit: https://developer.nvidia.com/cuda-10.1-download-archive-base?target_os=Linux&target_arch=x86_64&target_distro=Ubuntu&target_version=1604&target_type=runfilelocal\n", + "example of thing you should install XD\n", + "```\n", + "wget https://developer.nvidia.com/compute/cuda/10.1/Prod/local_installers/cuda_10.1.105_418.39_linux.run\n", + "sh cuda_10.1.105_418.39_linux.run\n", + "```\n", + "\n", + "## libnccl\n", + "Nvidia NCCL can be downloaded from: https://developer.nvidia.com/nccl/nccl-download (you need to create a free account)\n", + "\n", + "## libcudnn\n", + "do not download ``libcudnn-dev``\n", + "\n", + "then install it using this command ``dpkg -i libcudnn7_7.6.5.32-1+cuda10.1_amd64.deb``\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Pytorch\n", + "Get the command line that fits your hardware on this web site: https://pytorch.org/get-started/locally/\n", + "For example you should run something like the line below" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "! pip install torch==1.5.0+cu101 torchvision==0.6.0+cu101 -f https://download.pytorch.org/whl/torch_stable.html" + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "metadata": { + "hidden": true + }, + "outputs": [ + { + "data": { + "text/plain": [ + "True" + ] + }, + "execution_count": 2, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "# now run the command below to see if Pytorch detects your GPUs\n", + "import torch\n", + "torch.cuda.is_available()" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "colab_type": "text", + "id": "1Nt81FY66EM3" + }, + "source": [ + "# Install the requirements\n", + "[github source](https://github.com/KaihuaTang/Scene-Graph-Benchmark.pytorch)" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "colab_type": "text", + "id": "L-A87_S0JsZq" + }, + "source": [ + "## Python libraries\n", + "Might take 5 to 10 mins to install all the rest. " + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "! pip install ipython scipy h5py" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "! pip install ninja yacs cython matplotlib tqdm opencv-python overrides" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "colab_type": "text", + "id": "rrNKakC2i839" + }, + "source": [ + "ends with `Successfully installed ninja-1.9.0.post1 overrides-3.0.0 yacs-0.1.7`" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "colab_type": "text", + "id": "xFWyA5T359_6" + }, + "source": [ + "## install PyCOCO tools (cocoapi)" + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/", + "height": 154 + }, + "colab_type": "code", + "id": "8c47j7kQ3EtZ", + "outputId": "8606dbc5-5bd1-4605-fa48-001e6c1e8355" + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Cloning into 'cocoapi'...\n", + "remote: Enumerating objects: 975, done.\u001b[K\n", + "remote: Total 975 (delta 0), reused 0 (delta 0), pack-reused 975\u001b[K\n", + "Receiving objects: 100% (975/975), 11.72 MiB | 3.13 MiB/s, done.\n", + "Resolving deltas: 100% (576/576), done.\n", + "Checking connectivity... done.\n" + ] + } + ], + "source": [ + "! git clone https://github.com/cocodataset/cocoapi.git" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/", + "height": 1000 + }, + "colab_type": "code", + "id": "MOCeqEFb5t8s", + "outputId": "05a89365-331e-406e-b8cb-f022819d3f8a", + "scrolled": true + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "running build_ext\n", + "cythoning pycocotools/_mask.pyx to pycocotools/_mask.c\n", + "/opt/conda/lib/python3.7/site-packages/Cython/Compiler/Main.py:369: FutureWarning: Cython directive 'language_level' not set, using 2 for now (Py2). This will change in a later release! File: /root/cocoapi/PythonAPI/pycocotools/_mask.pyx\n", + " tree = Parsing.p_module(s, pxd, full_module_name)\n", + "building 'pycocotools._mask' extension\n", + "creating build\n", + "creating build/common\n", + "creating build/temp.linux-x86_64-3.7\n", + "creating build/temp.linux-x86_64-3.7/pycocotools\n", + "gcc -pthread -B /opt/conda/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -I/opt/conda/lib/python3.7/site-packages/numpy/core/include -I../common -I/opt/conda/include/python3.7m -c ../common/maskApi.c -o build/temp.linux-x86_64-3.7/../common/maskApi.o -Wno-cpp -Wno-unused-function -std=c99\n", + "\u001b[01m\u001b[K../common/maskApi.c:\u001b[m\u001b[K In function ‘\u001b[01m\u001b[KrleToBbox\u001b[m\u001b[K’:\n", + "\u001b[01m\u001b[K../common/maskApi.c:141:31:\u001b[m\u001b[K \u001b[01;35m\u001b[Kwarning: \u001b[m\u001b[K‘\u001b[01m\u001b[Kxp\u001b[m\u001b[K’ may be used uninitialized in this function [-Wmaybe-uninitialized]\n", + " if(j%2==0) xp=x; else if(xp build/lib.linux-x86_64-3.7/pycocotools\n", + "copying pycocotools/coco.py -> build/lib.linux-x86_64-3.7/pycocotools\n", + "copying pycocotools/mask.py -> build/lib.linux-x86_64-3.7/pycocotools\n", + "copying pycocotools/cocoeval.py -> build/lib.linux-x86_64-3.7/pycocotools\n", + "creating build/bdist.linux-x86_64\n", + "creating build/bdist.linux-x86_64/egg\n", + "creating build/bdist.linux-x86_64/egg/pycocotools\n", + "copying build/lib.linux-x86_64-3.7/pycocotools/cocoeval.py -> build/bdist.linux-x86_64/egg/pycocotools\n", + "copying build/lib.linux-x86_64-3.7/pycocotools/_mask.cpython-37m-x86_64-linux-gnu.so -> build/bdist.linux-x86_64/egg/pycocotools\n", + "copying build/lib.linux-x86_64-3.7/pycocotools/coco.py -> build/bdist.linux-x86_64/egg/pycocotools\n", + "copying build/lib.linux-x86_64-3.7/pycocotools/__init__.py -> build/bdist.linux-x86_64/egg/pycocotools\n", + "copying build/lib.linux-x86_64-3.7/pycocotools/mask.py -> build/bdist.linux-x86_64/egg/pycocotools\n", + "byte-compiling build/bdist.linux-x86_64/egg/pycocotools/cocoeval.py to cocoeval.cpython-37.pyc\n", + "byte-compiling build/bdist.linux-x86_64/egg/pycocotools/coco.py to coco.cpython-37.pyc\n", + "byte-compiling build/bdist.linux-x86_64/egg/pycocotools/__init__.py to __init__.cpython-37.pyc\n", + "byte-compiling build/bdist.linux-x86_64/egg/pycocotools/mask.py to mask.cpython-37.pyc\n", + "creating stub loader for pycocotools/_mask.cpython-37m-x86_64-linux-gnu.so\n", + "byte-compiling build/bdist.linux-x86_64/egg/pycocotools/_mask.py to _mask.cpython-37.pyc\n", + "creating build/bdist.linux-x86_64/egg/EGG-INFO\n", + "copying pycocotools.egg-info/PKG-INFO -> build/bdist.linux-x86_64/egg/EGG-INFO\n", + "copying pycocotools.egg-info/SOURCES.txt -> build/bdist.linux-x86_64/egg/EGG-INFO\n", + "copying pycocotools.egg-info/dependency_links.txt -> build/bdist.linux-x86_64/egg/EGG-INFO\n", + "copying pycocotools.egg-info/requires.txt -> build/bdist.linux-x86_64/egg/EGG-INFO\n", + "copying pycocotools.egg-info/top_level.txt -> build/bdist.linux-x86_64/egg/EGG-INFO\n", + "writing build/bdist.linux-x86_64/egg/EGG-INFO/native_libs.txt\n", + "zip_safe flag not set; analyzing archive contents...\n", + "pycocotools.__pycache__._mask.cpython-37: module references __file__\n", + "creating dist\n", + "creating 'dist/pycocotools-2.0-py3.7-linux-x86_64.egg' and adding 'build/bdist.linux-x86_64/egg' to it\n", + "removing 'build/bdist.linux-x86_64/egg' (and everything under it)\n", + "Processing pycocotools-2.0-py3.7-linux-x86_64.egg\n", + "removing '/opt/conda/lib/python3.7/site-packages/pycocotools-2.0-py3.7-linux-x86_64.egg' (and everything under it)\n", + "creating /opt/conda/lib/python3.7/site-packages/pycocotools-2.0-py3.7-linux-x86_64.egg\n", + "Extracting pycocotools-2.0-py3.7-linux-x86_64.egg to /opt/conda/lib/python3.7/site-packages\n", + "pycocotools 2.0 is already the active version in easy-install.pth\n", + "\n", + "Installed /opt/conda/lib/python3.7/site-packages/pycocotools-2.0-py3.7-linux-x86_64.egg\n", + "Processing dependencies for pycocotools==2.0\n", + "Searching for matplotlib==3.2.1\n", + "Best match: matplotlib 3.2.1\n", + "Adding matplotlib 3.2.1 to easy-install.pth file\n", + "\n", + "Using /opt/conda/lib/python3.7/site-packages\n", + "Searching for Cython==0.29.19\n", + "Best match: Cython 0.29.19\n", + "Adding Cython 0.29.19 to easy-install.pth file\n", + "Installing cygdb script to /opt/conda/bin\n", + "Installing cython script to /opt/conda/bin\n", + "Installing cythonize script to /opt/conda/bin\n", + "\n", + "Using /opt/conda/lib/python3.7/site-packages\n", + "Searching for setuptools==46.4.0.post20200518\n", + "Best match: setuptools 46.4.0.post20200518\n", + "Adding setuptools 46.4.0.post20200518 to easy-install.pth file\n", + "Installing easy_install script to /opt/conda/bin\n", + "\n", + "Using /opt/conda/lib/python3.7/site-packages\n", + "Searching for kiwisolver==1.2.0\n", + "Best match: kiwisolver 1.2.0\n", + "Adding kiwisolver 1.2.0 to easy-install.pth file\n", + "\n", + "Using /opt/conda/lib/python3.7/site-packages\n", + "Searching for numpy==1.18.4\n", + "Best match: numpy 1.18.4\n", + "Adding numpy 1.18.4 to easy-install.pth file\n", + "Installing f2py script to /opt/conda/bin\n", + "Installing f2py3 script to /opt/conda/bin\n", + "Installing f2py3.7 script to /opt/conda/bin\n", + "\n", + "Using /opt/conda/lib/python3.7/site-packages\n", + "Searching for pyparsing==2.4.7\n", + "Best match: pyparsing 2.4.7\n", + "Adding pyparsing 2.4.7 to easy-install.pth file\n", + "\n", + "Using /opt/conda/lib/python3.7/site-packages\n", + "Searching for python-dateutil==2.8.1\n", + "Best match: python-dateutil 2.8.1\n", + "Adding python-dateutil 2.8.1 to easy-install.pth file\n", + "\n", + "Using /opt/conda/lib/python3.7/site-packages\n", + "Searching for cycler==0.10.0\n", + "Best match: cycler 0.10.0\n", + "Adding cycler 0.10.0 to easy-install.pth file\n", + "\n", + "Using /opt/conda/lib/python3.7/site-packages\n", + "Searching for six==1.14.0\n", + "Best match: six 1.14.0\n", + "Adding six 1.14.0 to easy-install.pth file\n", + "\n", + "Using /opt/conda/lib/python3.7/site-packages\n", + "Finished processing dependencies for pycocotools==2.0\n" + ] + } + ], + "source": [ + "! cd cocoapi/PythonAPI; python setup.py build_ext install" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "colab_type": "text", + "id": "1OndJ9TRUpvm" + }, + "source": [ + "ends with \n", + "\n", + "```\n", + "Finished processing dependencies for pycocotools==2.0\n", + "```\n", + "\n" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "colab_type": "text", + "id": "rZ2Eoix66NLA" + }, + "source": [ + "## install apex\n", + "it is a PyTorch extension for easy mixed precision and distributed training in Pytorch" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### method 1" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "! git clone https://github.com/NVIDIA/apex.git\n", + "! cd apex ; python setup.py install --cuda_ext --cpp_ext" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "colab_type": "text", + "id": "rZ2Eoix66NLA" + }, + "source": [ + "### method 2\n", + "https://stackoverflow.com/questions/57284345/how-to-install-nvidia-apex-on-google-colab" + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/", + "height": 33 + }, + "colab_type": "code", + "id": "yu08H3016Qud", + "outputId": "54c04e0f-6f85-4c8d-81fe-e48bcd2453d8" + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Overwriting setup.sh\n" + ] + } + ], + "source": [ + "%%writefile setup.sh\n", + "\n", + "git clone https://github.com/NVIDIA/apex\n", + "pip install -v --no-cache-dir --global-option=\"--cpp_ext\" --global-option=\"--cuda_ext\" ./apex" + ] + }, + { + "cell_type": "code", + "execution_count": 9, + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/", + "height": 1000 + }, + "colab_type": "code", + "id": "-nx74GTK6-6T", + "outputId": "50f56b3b-6680-429b-8097-6f6f24b71cce", + "scrolled": true + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "fatal: destination path 'apex' already exists and is not an empty directory.\n", + "/opt/conda/lib/python3.7/site-packages/pip/_internal/commands/install.py:244: UserWarning: Disabling all use of wheels due to the use of --build-option / --global-option / --install-option.\n", + " cmdoptions.check_install_build_global(options)\n", + "Non-user install because site-packages writeable\n", + "Created temporary directory: /tmp/pip-ephem-wheel-cache-ye36o0xq\n", + "Created temporary directory: /tmp/pip-req-tracker-z_k4siug\n", + "Initialized build tracking at /tmp/pip-req-tracker-z_k4siug\n", + "Created build tracker: /tmp/pip-req-tracker-z_k4siug\n", + "Entered build tracker: /tmp/pip-req-tracker-z_k4siug\n", + "Created temporary directory: /tmp/pip-install-5jkty80s\n", + "Processing ./apex\n", + " Created temporary directory: /tmp/pip-req-build-bxi3wcuy\n", + " Added file:///root/apex to build tracker '/tmp/pip-req-tracker-z_k4siug'\n", + " Running setup.py (path:/tmp/pip-req-build-bxi3wcuy/setup.py) egg_info for package from file:///root/apex\n", + " Running command python setup.py egg_info\n", + "\n", + "\n", + " torch.__version__ = 1.5.0+cu101\n", + "\n", + "\n", + " running egg_info\n", + " creating /tmp/pip-req-build-bxi3wcuy/pip-egg-info/apex.egg-info\n", + " writing /tmp/pip-req-build-bxi3wcuy/pip-egg-info/apex.egg-info/PKG-INFO\n", + " writing dependency_links to /tmp/pip-req-build-bxi3wcuy/pip-egg-info/apex.egg-info/dependency_links.txt\n", + " writing top-level names to /tmp/pip-req-build-bxi3wcuy/pip-egg-info/apex.egg-info/top_level.txt\n", + " writing manifest file '/tmp/pip-req-build-bxi3wcuy/pip-egg-info/apex.egg-info/SOURCES.txt'\n", + " reading manifest file '/tmp/pip-req-build-bxi3wcuy/pip-egg-info/apex.egg-info/SOURCES.txt'\n", + " writing manifest file '/tmp/pip-req-build-bxi3wcuy/pip-egg-info/apex.egg-info/SOURCES.txt'\n", + " /tmp/pip-req-build-bxi3wcuy/setup.py:51: UserWarning: Option --pyprof not specified. Not installing PyProf dependencies!\n", + " warnings.warn(\"Option --pyprof not specified. Not installing PyProf dependencies!\")\n", + " Source in /tmp/pip-req-build-bxi3wcuy has version 0.1, which satisfies requirement apex==0.1 from file:///root/apex\n", + " Removed apex==0.1 from file:///root/apex from build tracker '/tmp/pip-req-tracker-z_k4siug'\n", + "Skipping wheel build for apex, due to binaries being disabled for it.\n", + "Installing collected packages: apex\n", + " Created temporary directory: /tmp/pip-record-qgg_jen5\n", + " Running command /opt/conda/bin/python -u -c 'import sys, setuptools, tokenize; sys.argv[0] = '\"'\"'/tmp/pip-req-build-bxi3wcuy/setup.py'\"'\"'; __file__='\"'\"'/tmp/pip-req-build-bxi3wcuy/setup.py'\"'\"';f=getattr(tokenize, '\"'\"'open'\"'\"', open)(__file__);code=f.read().replace('\"'\"'\\r\\n'\"'\"', '\"'\"'\\n'\"'\"');f.close();exec(compile(code, __file__, '\"'\"'exec'\"'\"'))' --cpp_ext --cuda_ext install --record /tmp/pip-record-qgg_jen5/install-record.txt --single-version-externally-managed --compile --install-headers /opt/conda/include/python3.7m/apex\n", + "\n", + "\n", + " torch.__version__ = 1.5.0+cu101\n", + "\n", + "\n", + " /tmp/pip-req-build-bxi3wcuy/setup.py:51: UserWarning: Option --pyprof not specified. Not installing PyProf dependencies!\n", + " warnings.warn(\"Option --pyprof not specified. Not installing PyProf dependencies!\")\n", + "\n", + " Compiling cuda extensions with\n", + " nvcc: NVIDIA (R) Cuda compiler driver\n", + " Copyright (c) 2005-2019 NVIDIA Corporation\n", + " Built on Fri_Feb__8_19:08:17_PST_2019\n", + " Cuda compilation tools, release 10.1, V10.1.105\n", + " from /usr/local/cuda/bin\n", + "\n", + " running install\n", + " running build\n", + " running build_py\n", + " running build_ext\n", + " building 'mlp_cuda' extension\n", + " Emitting ninja build file /tmp/pip-req-build-bxi3wcuy/build/temp.linux-x86_64-3.7/build.ninja...\n", + " Compiling objects...\n", + " Allowing ninja to set a default number of workers... (overridable by setting the environment variable MAX_JOBS=N)\n", + " [1/2] c++ -MMD -MF /tmp/pip-req-build-bxi3wcuy/build/temp.linux-x86_64-3.7/csrc/mlp.o.d -pthread -B /opt/conda/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -I/opt/conda/lib/python3.7/site-packages/torch/include -I/opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/opt/conda/lib/python3.7/site-packages/torch/include/TH -I/opt/conda/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda/include -I/opt/conda/include/python3.7m -c -c /tmp/pip-req-build-bxi3wcuy/csrc/mlp.cpp -o /tmp/pip-req-build-bxi3wcuy/build/temp.linux-x86_64-3.7/csrc/mlp.o -O3 -DVERSION_GE_1_1 -DVERSION_GE_1_3 -DVERSION_GE_1_5 -DTORCH_API_INCLUDE_EXTENSION_H -DTORCH_EXTENSION_NAME=mlp_cuda -D_GLIBCXX_USE_CXX11_ABI=0 -std=c++14\n", + " cc1plus: warning: command line option ‘-Wstrict-prototypes’ is valid for C/ObjC but not for C++\n", + " /tmp/pip-req-build-bxi3wcuy/csrc/mlp.cpp: In function ‘std::vector mlp_forward(int, int, std::vector)’:\n", + " /tmp/pip-req-build-bxi3wcuy/csrc/mlp.cpp:56:21: warning: comparison between signed and unsigned integer expressions [-Wsign-compare]\n", + " for (int i = 0; i < num_layers; i++) {\n", + " ^\n", + " /tmp/pip-req-build-bxi3wcuy/csrc/mlp.cpp:64:77: warning: ‘at::DeprecatedTypeProperties& at::Tensor::type() const’ is deprecated: Tensor.type() is deprecated. Instead use Tensor.options(), which in many cases (e.g. in a constructor) is a drop-in replacement. If you were using data from type(), that is now available from Tensor itself, so instead of tensor.type().scalar_type(), use tensor.scalar_type() instead and instead of tensor.type().backend() use tensor.device(). [-Wdeprecated-declarations]\n", + " auto out = at::empty({batch_size, output_features.back()}, inputs[0].type());\n", + " ^\n", + " In file included from /opt/conda/lib/python3.7/site-packages/torch/include/ATen/Tensor.h:11:0,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/ATen/Context.h:4,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/ATen/ATen.h:5,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/types.h:3,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader_options.h:4,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/base.h:3,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/stateful.h:3,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader.h:3,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/data.h:3,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/all.h:4,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/extension.h:4,\n", + " from /tmp/pip-req-build-bxi3wcuy/csrc/mlp.cpp:1:\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/ATen/core/TensorBody.h:262:30: note: declared here\n", + " DeprecatedTypeProperties & type() const {\n", + " ^\n", + " /tmp/pip-req-build-bxi3wcuy/csrc/mlp.cpp:65:67: warning: ‘at::DeprecatedTypeProperties& at::Tensor::type() const’ is deprecated: Tensor.type() is deprecated. Instead use Tensor.options(), which in many cases (e.g. in a constructor) is a drop-in replacement. If you were using data from type(), that is now available from Tensor itself, so instead of tensor.type().scalar_type(), use tensor.scalar_type() instead and instead of tensor.type().backend() use tensor.device(). [-Wdeprecated-declarations]\n", + " auto reserved_space = at::empty({reserved_size}, inputs[0].type());\n", + " ^\n", + " In file included from /opt/conda/lib/python3.7/site-packages/torch/include/ATen/Tensor.h:11:0,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/ATen/Context.h:4,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/ATen/ATen.h:5,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/types.h:3,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader_options.h:4,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/base.h:3,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/stateful.h:3,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader.h:3,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/data.h:3,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/all.h:4,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/extension.h:4,\n", + " from /tmp/pip-req-build-bxi3wcuy/csrc/mlp.cpp:1:\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/ATen/core/TensorBody.h:262:30: note: declared here\n", + " DeprecatedTypeProperties & type() const {\n", + " ^\n", + " /tmp/pip-req-build-bxi3wcuy/csrc/mlp.cpp:65:68: warning: narrowing conversion of ‘reserved_size’ from ‘long unsigned int’ to ‘long int’ inside { } [-Wnarrowing]\n", + " auto reserved_space = at::empty({reserved_size}, inputs[0].type());\n", + " ^\n", + " /tmp/pip-req-build-bxi3wcuy/csrc/mlp.cpp:65:68: warning: narrowing conversion of ‘reserved_size’ from ‘long unsigned int’ to ‘long int’ inside { } [-Wnarrowing]\n", + " In file included from /opt/conda/lib/python3.7/site-packages/torch/include/ATen/ATen.h:9:0,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/types.h:3,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader_options.h:4,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/base.h:3,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/stateful.h:3,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader.h:3,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/data.h:3,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/all.h:4,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/extension.h:4,\n", + " from /tmp/pip-req-build-bxi3wcuy/csrc/mlp.cpp:1:\n", + " /tmp/pip-req-build-bxi3wcuy/csrc/mlp.cpp: In lambda function:\n", + " /tmp/pip-req-build-bxi3wcuy/csrc/mlp.cpp:67:54: warning: ‘at::DeprecatedTypeProperties& at::Tensor::type() const’ is deprecated: Tensor.type() is deprecated. Instead use Tensor.options(), which in many cases (e.g. in a constructor) is a drop-in replacement. If you were using data from type(), that is now available from Tensor itself, so instead of tensor.type().scalar_type(), use tensor.scalar_type() instead and instead of tensor.type().backend() use tensor.device(). [-Wdeprecated-declarations]\n", + " AT_DISPATCH_FLOATING_TYPES_AND_HALF(inputs[0].type(), \"mlp_forward\", [&] {\n", + " ^\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/ATen/Dispatch.h:129:28: note: in definition of macro ‘AT_DISPATCH_FLOATING_TYPES_AND_HALF’\n", + " const auto& the_type = TYPE; \\\n", + " ^\n", + " In file included from /opt/conda/lib/python3.7/site-packages/torch/include/ATen/Tensor.h:11:0,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/ATen/Context.h:4,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/ATen/ATen.h:5,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/types.h:3,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader_options.h:4,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/base.h:3,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/stateful.h:3,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader.h:3,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/data.h:3,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/all.h:4,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/extension.h:4,\n", + " from /tmp/pip-req-build-bxi3wcuy/csrc/mlp.cpp:1:\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/ATen/core/TensorBody.h:262:30: note: declared here\n", + " DeprecatedTypeProperties & type() const {\n", + " ^\n", + " In file included from /opt/conda/lib/python3.7/site-packages/torch/include/ATen/ATen.h:9:0,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/types.h:3,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader_options.h:4,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/base.h:3,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/stateful.h:3,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader.h:3,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/data.h:3,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/all.h:4,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/extension.h:4,\n", + " from /tmp/pip-req-build-bxi3wcuy/csrc/mlp.cpp:1:\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/ATen/Dispatch.h:131:56: warning: ‘c10::ScalarType detail::scalar_type(const at::DeprecatedTypeProperties&)’ is deprecated: passing at::DeprecatedTypeProperties to an AT_DISPATCH macro is deprecated, pass an at::ScalarType instead [-Wdeprecated-declarations]\n", + " at::ScalarType _st = ::detail::scalar_type(the_type); \\\n", + " ^\n", + " /tmp/pip-req-build-bxi3wcuy/csrc/mlp.cpp:67:3: note: in expansion of macro ‘AT_DISPATCH_FLOATING_TYPES_AND_HALF’\n", + " AT_DISPATCH_FLOATING_TYPES_AND_HALF(inputs[0].type(), \"mlp_forward\", [&] {\n", + " ^\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/ATen/Dispatch.h:46:23: note: declared here\n", + " inline at::ScalarType scalar_type(const at::DeprecatedTypeProperties &t) {\n", + " ^\n", + " /tmp/pip-req-build-bxi3wcuy/csrc/mlp.cpp: In lambda function:\n", + " /tmp/pip-req-build-bxi3wcuy/csrc/mlp.cpp:70:23: warning: comparison between signed and unsigned integer expressions [-Wsign-compare]\n", + " for (int i = 0; i < num_layers; i++) {\n", + " ^\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/ATen/Dispatch.h:12:12: note: in definition of macro ‘AT_PRIVATE_CASE_TYPE’\n", + " return __VA_ARGS__(); \\\n", + " ^\n", + " /tmp/pip-req-build-bxi3wcuy/csrc/mlp.cpp:67:3: note: in expansion of macro ‘AT_DISPATCH_FLOATING_TYPES_AND_HALF’\n", + " AT_DISPATCH_FLOATING_TYPES_AND_HALF(inputs[0].type(), \"mlp_forward\", [&] {\n", + " ^\n", + " /tmp/pip-req-build-bxi3wcuy/csrc/mlp.cpp:76:10: warning: unused variable ‘result’ [-Wunused-variable]\n", + " auto result = mlp_fp(\n", + " ^\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/ATen/Dispatch.h:12:12: note: in definition of macro ‘AT_PRIVATE_CASE_TYPE’\n", + " return __VA_ARGS__(); \\\n", + " ^\n", + " /tmp/pip-req-build-bxi3wcuy/csrc/mlp.cpp:67:3: note: in expansion of macro ‘AT_DISPATCH_FLOATING_TYPES_AND_HALF’\n", + " AT_DISPATCH_FLOATING_TYPES_AND_HALF(inputs[0].type(), \"mlp_forward\", [&] {\n", + " ^\n", + " /tmp/pip-req-build-bxi3wcuy/csrc/mlp.cpp: In lambda function:\n", + " /tmp/pip-req-build-bxi3wcuy/csrc/mlp.cpp:70:23: warning: comparison between signed and unsigned integer expressions [-Wsign-compare]\n", + " for (int i = 0; i < num_layers; i++) {\n", + " ^\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/ATen/Dispatch.h:12:12: note: in definition of macro ‘AT_PRIVATE_CASE_TYPE’\n", + " return __VA_ARGS__(); \\\n", + " ^\n", + " /tmp/pip-req-build-bxi3wcuy/csrc/mlp.cpp:67:3: note: in expansion of macro ‘AT_DISPATCH_FLOATING_TYPES_AND_HALF’\n", + " AT_DISPATCH_FLOATING_TYPES_AND_HALF(inputs[0].type(), \"mlp_forward\", [&] {\n", + " ^\n", + " /tmp/pip-req-build-bxi3wcuy/csrc/mlp.cpp:76:10: warning: unused variable ‘result’ [-Wunused-variable]\n", + " auto result = mlp_fp(\n", + " ^\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/ATen/Dispatch.h:12:12: note: in definition of macro ‘AT_PRIVATE_CASE_TYPE’\n", + " return __VA_ARGS__(); \\\n", + " ^\n", + " /tmp/pip-req-build-bxi3wcuy/csrc/mlp.cpp:67:3: note: in expansion of macro ‘AT_DISPATCH_FLOATING_TYPES_AND_HALF’\n", + " AT_DISPATCH_FLOATING_TYPES_AND_HALF(inputs[0].type(), \"mlp_forward\", [&] {\n", + " ^\n", + " /tmp/pip-req-build-bxi3wcuy/csrc/mlp.cpp: In lambda function:\n", + " /tmp/pip-req-build-bxi3wcuy/csrc/mlp.cpp:70:23: warning: comparison between signed and unsigned integer expressions [-Wsign-compare]\n", + " for (int i = 0; i < num_layers; i++) {\n", + " ^\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/ATen/Dispatch.h:12:12: note: in definition of macro ‘AT_PRIVATE_CASE_TYPE’\n", + " return __VA_ARGS__(); \\\n", + " ^\n", + " /tmp/pip-req-build-bxi3wcuy/csrc/mlp.cpp:67:3: note: in expansion of macro ‘AT_DISPATCH_FLOATING_TYPES_AND_HALF’\n", + " AT_DISPATCH_FLOATING_TYPES_AND_HALF(inputs[0].type(), \"mlp_forward\", [&] {\n", + " ^\n", + " /tmp/pip-req-build-bxi3wcuy/csrc/mlp.cpp:76:10: warning: unused variable ‘result’ [-Wunused-variable]\n", + " auto result = mlp_fp(\n", + " ^\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/ATen/Dispatch.h:12:12: note: in definition of macro ‘AT_PRIVATE_CASE_TYPE’\n", + " return __VA_ARGS__(); \\\n", + " ^\n", + " /tmp/pip-req-build-bxi3wcuy/csrc/mlp.cpp:67:3: note: in expansion of macro ‘AT_DISPATCH_FLOATING_TYPES_AND_HALF’\n", + " AT_DISPATCH_FLOATING_TYPES_AND_HALF(inputs[0].type(), \"mlp_forward\", [&] {\n", + " ^\n", + " /tmp/pip-req-build-bxi3wcuy/csrc/mlp.cpp: In function ‘std::vector mlp_backward(int, int, at::Tensor, std::vector, std::vector)’:\n", + " /tmp/pip-req-build-bxi3wcuy/csrc/mlp.cpp:113:21: warning: comparison between signed and unsigned integer expressions [-Wsign-compare]\n", + " for (int i = 0; i < num_layers; i++) {\n", + " ^\n", + " /tmp/pip-req-build-bxi3wcuy/csrc/mlp.cpp:119:21: warning: comparison between signed and unsigned integer expressions [-Wsign-compare]\n", + " for (int i = 0; i < inputs.size(); i++) {\n", + " ^\n", + " /tmp/pip-req-build-bxi3wcuy/csrc/mlp.cpp:120:67: warning: ‘at::DeprecatedTypeProperties& at::Tensor::type() const’ is deprecated: Tensor.type() is deprecated. Instead use Tensor.options(), which in many cases (e.g. in a constructor) is a drop-in replacement. If you were using data from type(), that is now available from Tensor itself, so instead of tensor.type().scalar_type(), use tensor.scalar_type() instead and instead of tensor.type().backend() use tensor.device(). [-Wdeprecated-declarations]\n", + " outputs.push_back(at::empty(inputs[i].sizes(), inputs[i].type())); // clone for testing now\n", + " ^\n", + " In file included from /opt/conda/lib/python3.7/site-packages/torch/include/ATen/Tensor.h:11:0,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/ATen/Context.h:4,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/ATen/ATen.h:5,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/types.h:3,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader_options.h:4,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/base.h:3,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/stateful.h:3,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader.h:3,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/data.h:3,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/all.h:4,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/extension.h:4,\n", + " from /tmp/pip-req-build-bxi3wcuy/csrc/mlp.cpp:1:\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/ATen/core/TensorBody.h:262:30: note: declared here\n", + " DeprecatedTypeProperties & type() const {\n", + " ^\n", + " In file included from /opt/conda/lib/python3.7/site-packages/torch/include/ATen/ATen.h:9:0,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/types.h:3,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader_options.h:4,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/base.h:3,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/stateful.h:3,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader.h:3,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/data.h:3,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/all.h:4,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/extension.h:4,\n", + " from /tmp/pip-req-build-bxi3wcuy/csrc/mlp.cpp:1:\n", + " /tmp/pip-req-build-bxi3wcuy/csrc/mlp.cpp: In lambda function:\n", + " /tmp/pip-req-build-bxi3wcuy/csrc/mlp.cpp:123:54: warning: ‘at::DeprecatedTypeProperties& at::Tensor::type() const’ is deprecated: Tensor.type() is deprecated. Instead use Tensor.options(), which in many cases (e.g. in a constructor) is a drop-in replacement. If you were using data from type(), that is now available from Tensor itself, so instead of tensor.type().scalar_type(), use tensor.scalar_type() instead and instead of tensor.type().backend() use tensor.device(). [-Wdeprecated-declarations]\n", + " AT_DISPATCH_FLOATING_TYPES_AND_HALF(inputs[0].type(), \"mlp_backward\", [&] {\n", + " ^\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/ATen/Dispatch.h:129:28: note: in definition of macro ‘AT_DISPATCH_FLOATING_TYPES_AND_HALF’\n", + " const auto& the_type = TYPE; \\\n", + " ^\n", + " In file included from /opt/conda/lib/python3.7/site-packages/torch/include/ATen/Tensor.h:11:0,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/ATen/Context.h:4,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/ATen/ATen.h:5,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/types.h:3,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader_options.h:4,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/base.h:3,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/stateful.h:3,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader.h:3,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/data.h:3,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/all.h:4,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/extension.h:4,\n", + " from /tmp/pip-req-build-bxi3wcuy/csrc/mlp.cpp:1:\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/ATen/core/TensorBody.h:262:30: note: declared here\n", + " DeprecatedTypeProperties & type() const {\n", + " ^\n", + " In file included from /opt/conda/lib/python3.7/site-packages/torch/include/ATen/ATen.h:9:0,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/types.h:3,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader_options.h:4,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/base.h:3,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/stateful.h:3,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader.h:3,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/data.h:3,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/all.h:4,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/extension.h:4,\n", + " from /tmp/pip-req-build-bxi3wcuy/csrc/mlp.cpp:1:\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/ATen/Dispatch.h:131:56: warning: ‘c10::ScalarType detail::scalar_type(const at::DeprecatedTypeProperties&)’ is deprecated: passing at::DeprecatedTypeProperties to an AT_DISPATCH macro is deprecated, pass an at::ScalarType instead [-Wdeprecated-declarations]\n", + " at::ScalarType _st = ::detail::scalar_type(the_type); \\\n", + " ^\n", + " /tmp/pip-req-build-bxi3wcuy/csrc/mlp.cpp:123:3: note: in expansion of macro ‘AT_DISPATCH_FLOATING_TYPES_AND_HALF’\n", + " AT_DISPATCH_FLOATING_TYPES_AND_HALF(inputs[0].type(), \"mlp_backward\", [&] {\n", + " ^\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/ATen/Dispatch.h:46:23: note: declared here\n", + " inline at::ScalarType scalar_type(const at::DeprecatedTypeProperties &t) {\n", + " ^\n", + " /tmp/pip-req-build-bxi3wcuy/csrc/mlp.cpp: In lambda function:\n", + " /tmp/pip-req-build-bxi3wcuy/csrc/mlp.cpp:125:23: warning: comparison between signed and unsigned integer expressions [-Wsign-compare]\n", + " for (int i = 0; i < num_layers; i++) {\n", + " ^\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/ATen/Dispatch.h:12:12: note: in definition of macro ‘AT_PRIVATE_CASE_TYPE’\n", + " return __VA_ARGS__(); \\\n", + " ^\n", + " /tmp/pip-req-build-bxi3wcuy/csrc/mlp.cpp:123:3: note: in expansion of macro ‘AT_DISPATCH_FLOATING_TYPES_AND_HALF’\n", + " AT_DISPATCH_FLOATING_TYPES_AND_HALF(inputs[0].type(), \"mlp_backward\", [&] {\n", + " ^\n", + " /tmp/pip-req-build-bxi3wcuy/csrc/mlp.cpp:129:23: warning: comparison between signed and unsigned integer expressions [-Wsign-compare]\n", + " for (int i = 0; i < inputs.size(); i++) {\n", + " ^\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/ATen/Dispatch.h:12:12: note: in definition of macro ‘AT_PRIVATE_CASE_TYPE’\n", + " return __VA_ARGS__(); \\\n", + " ^\n", + " /tmp/pip-req-build-bxi3wcuy/csrc/mlp.cpp:123:3: note: in expansion of macro ‘AT_DISPATCH_FLOATING_TYPES_AND_HALF’\n", + " AT_DISPATCH_FLOATING_TYPES_AND_HALF(inputs[0].type(), \"mlp_backward\", [&] {\n", + " ^\n", + " /tmp/pip-req-build-bxi3wcuy/csrc/mlp.cpp:137:80: warning: ‘at::DeprecatedTypeProperties& at::Tensor::type() const’ is deprecated: Tensor.type() is deprecated. Instead use Tensor.options(), which in many cases (e.g. in a constructor) is a drop-in replacement. If you were using data from type(), that is now available from Tensor itself, so instead of tensor.type().scalar_type(), use tensor.scalar_type() instead and instead of tensor.type().backend() use tensor.device(). [-Wdeprecated-declarations]\n", + " auto work_space = at::empty({work_size / sizeof(scalar_t)}, inputs[0].type());\n", + " ^\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/ATen/Dispatch.h:12:12: note: in definition of macro ‘AT_PRIVATE_CASE_TYPE’\n", + " return __VA_ARGS__(); \\\n", + " ^\n", + " /tmp/pip-req-build-bxi3wcuy/csrc/mlp.cpp:123:3: note: in expansion of macro ‘AT_DISPATCH_FLOATING_TYPES_AND_HALF’\n", + " AT_DISPATCH_FLOATING_TYPES_AND_HALF(inputs[0].type(), \"mlp_backward\", [&] {\n", + " ^\n", + " In file included from /opt/conda/lib/python3.7/site-packages/torch/include/ATen/Tensor.h:11:0,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/ATen/Context.h:4,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/ATen/ATen.h:5,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/types.h:3,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader_options.h:4,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/base.h:3,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/stateful.h:3,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader.h:3,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/data.h:3,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/all.h:4,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/extension.h:4,\n", + " from /tmp/pip-req-build-bxi3wcuy/csrc/mlp.cpp:1:\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/ATen/core/TensorBody.h:262:30: note: declared here\n", + " DeprecatedTypeProperties & type() const {\n", + " ^\n", + " In file included from /opt/conda/lib/python3.7/site-packages/torch/include/ATen/ATen.h:9:0,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/types.h:3,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader_options.h:4,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/base.h:3,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/stateful.h:3,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader.h:3,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/data.h:3,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/all.h:4,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/extension.h:4,\n", + " from /tmp/pip-req-build-bxi3wcuy/csrc/mlp.cpp:1:\n", + " /tmp/pip-req-build-bxi3wcuy/csrc/mlp.cpp:137:44: warning: narrowing conversion of ‘(work_size / sizeof (scalar_t))’ from ‘long unsigned int’ to ‘long int’ inside { } [-Wnarrowing]\n", + " auto work_space = at::empty({work_size / sizeof(scalar_t)}, inputs[0].type());\n", + " ^\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/ATen/Dispatch.h:12:12: note: in definition of macro ‘AT_PRIVATE_CASE_TYPE’\n", + " return __VA_ARGS__(); \\\n", + " ^\n", + " /tmp/pip-req-build-bxi3wcuy/csrc/mlp.cpp:123:3: note: in expansion of macro ‘AT_DISPATCH_FLOATING_TYPES_AND_HALF’\n", + " AT_DISPATCH_FLOATING_TYPES_AND_HALF(inputs[0].type(), \"mlp_backward\", [&] {\n", + " ^\n", + " /tmp/pip-req-build-bxi3wcuy/csrc/mlp.cpp:137:44: warning: narrowing conversion of ‘(work_size / sizeof (scalar_t))’ from ‘long unsigned int’ to ‘long int’ inside { } [-Wnarrowing]\n", + " auto work_space = at::empty({work_size / sizeof(scalar_t)}, inputs[0].type());\n", + " ^\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/ATen/Dispatch.h:12:12: note: in definition of macro ‘AT_PRIVATE_CASE_TYPE’\n", + " return __VA_ARGS__(); \\\n", + " ^\n", + " /tmp/pip-req-build-bxi3wcuy/csrc/mlp.cpp:123:3: note: in expansion of macro ‘AT_DISPATCH_FLOATING_TYPES_AND_HALF’\n", + " AT_DISPATCH_FLOATING_TYPES_AND_HALF(inputs[0].type(), \"mlp_backward\", [&] {\n", + " ^\n", + " /tmp/pip-req-build-bxi3wcuy/csrc/mlp.cpp:139:10: warning: unused variable ‘result’ [-Wunused-variable]\n", + " auto result = mlp_bp(\n", + " ^\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/ATen/Dispatch.h:12:12: note: in definition of macro ‘AT_PRIVATE_CASE_TYPE’\n", + " return __VA_ARGS__(); \\\n", + " ^\n", + " /tmp/pip-req-build-bxi3wcuy/csrc/mlp.cpp:123:3: note: in expansion of macro ‘AT_DISPATCH_FLOATING_TYPES_AND_HALF’\n", + " AT_DISPATCH_FLOATING_TYPES_AND_HALF(inputs[0].type(), \"mlp_backward\", [&] {\n", + " ^\n", + " /tmp/pip-req-build-bxi3wcuy/csrc/mlp.cpp: In lambda function:\n", + " /tmp/pip-req-build-bxi3wcuy/csrc/mlp.cpp:125:23: warning: comparison between signed and unsigned integer expressions [-Wsign-compare]\n", + " for (int i = 0; i < num_layers; i++) {\n", + " ^\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/ATen/Dispatch.h:12:12: note: in definition of macro ‘AT_PRIVATE_CASE_TYPE’\n", + " return __VA_ARGS__(); \\\n", + " ^\n", + " /tmp/pip-req-build-bxi3wcuy/csrc/mlp.cpp:123:3: note: in expansion of macro ‘AT_DISPATCH_FLOATING_TYPES_AND_HALF’\n", + " AT_DISPATCH_FLOATING_TYPES_AND_HALF(inputs[0].type(), \"mlp_backward\", [&] {\n", + " ^\n", + " /tmp/pip-req-build-bxi3wcuy/csrc/mlp.cpp:129:23: warning: comparison between signed and unsigned integer expressions [-Wsign-compare]\n", + " for (int i = 0; i < inputs.size(); i++) {\n", + " ^\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/ATen/Dispatch.h:12:12: note: in definition of macro ‘AT_PRIVATE_CASE_TYPE’\n", + " return __VA_ARGS__(); \\\n", + " ^\n", + " /tmp/pip-req-build-bxi3wcuy/csrc/mlp.cpp:123:3: note: in expansion of macro ‘AT_DISPATCH_FLOATING_TYPES_AND_HALF’\n", + " AT_DISPATCH_FLOATING_TYPES_AND_HALF(inputs[0].type(), \"mlp_backward\", [&] {\n", + " ^\n", + " /tmp/pip-req-build-bxi3wcuy/csrc/mlp.cpp:137:80: warning: ‘at::DeprecatedTypeProperties& at::Tensor::type() const’ is deprecated: Tensor.type() is deprecated. Instead use Tensor.options(), which in many cases (e.g. in a constructor) is a drop-in replacement. If you were using data from type(), that is now available from Tensor itself, so instead of tensor.type().scalar_type(), use tensor.scalar_type() instead and instead of tensor.type().backend() use tensor.device(). [-Wdeprecated-declarations]\n", + " auto work_space = at::empty({work_size / sizeof(scalar_t)}, inputs[0].type());\n", + " ^\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/ATen/Dispatch.h:12:12: note: in definition of macro ‘AT_PRIVATE_CASE_TYPE’\n", + " return __VA_ARGS__(); \\\n", + " ^\n", + " /tmp/pip-req-build-bxi3wcuy/csrc/mlp.cpp:123:3: note: in expansion of macro ‘AT_DISPATCH_FLOATING_TYPES_AND_HALF’\n", + " AT_DISPATCH_FLOATING_TYPES_AND_HALF(inputs[0].type(), \"mlp_backward\", [&] {\n", + " ^\n", + " In file included from /opt/conda/lib/python3.7/site-packages/torch/include/ATen/Tensor.h:11:0,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/ATen/Context.h:4,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/ATen/ATen.h:5,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/types.h:3,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader_options.h:4,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/base.h:3,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/stateful.h:3,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader.h:3,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/data.h:3,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/all.h:4,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/extension.h:4,\n", + " from /tmp/pip-req-build-bxi3wcuy/csrc/mlp.cpp:1:\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/ATen/core/TensorBody.h:262:30: note: declared here\n", + " DeprecatedTypeProperties & type() const {\n", + " ^\n", + " In file included from /opt/conda/lib/python3.7/site-packages/torch/include/ATen/ATen.h:9:0,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/types.h:3,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader_options.h:4,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/base.h:3,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/stateful.h:3,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader.h:3,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/data.h:3,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/all.h:4,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/extension.h:4,\n", + " from /tmp/pip-req-build-bxi3wcuy/csrc/mlp.cpp:1:\n", + " /tmp/pip-req-build-bxi3wcuy/csrc/mlp.cpp:137:44: warning: narrowing conversion of ‘(work_size / sizeof (scalar_t))’ from ‘long unsigned int’ to ‘long int’ inside { } [-Wnarrowing]\n", + " auto work_space = at::empty({work_size / sizeof(scalar_t)}, inputs[0].type());\n", + " ^\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/ATen/Dispatch.h:12:12: note: in definition of macro ‘AT_PRIVATE_CASE_TYPE’\n", + " return __VA_ARGS__(); \\\n", + " ^\n", + " /tmp/pip-req-build-bxi3wcuy/csrc/mlp.cpp:123:3: note: in expansion of macro ‘AT_DISPATCH_FLOATING_TYPES_AND_HALF’\n", + " AT_DISPATCH_FLOATING_TYPES_AND_HALF(inputs[0].type(), \"mlp_backward\", [&] {\n", + " ^\n", + " /tmp/pip-req-build-bxi3wcuy/csrc/mlp.cpp:137:44: warning: narrowing conversion of ‘(work_size / sizeof (scalar_t))’ from ‘long unsigned int’ to ‘long int’ inside { } [-Wnarrowing]\n", + " auto work_space = at::empty({work_size / sizeof(scalar_t)}, inputs[0].type());\n", + " ^\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/ATen/Dispatch.h:12:12: note: in definition of macro ‘AT_PRIVATE_CASE_TYPE’\n", + " return __VA_ARGS__(); \\\n", + " ^\n", + " /tmp/pip-req-build-bxi3wcuy/csrc/mlp.cpp:123:3: note: in expansion of macro ‘AT_DISPATCH_FLOATING_TYPES_AND_HALF’\n", + " AT_DISPATCH_FLOATING_TYPES_AND_HALF(inputs[0].type(), \"mlp_backward\", [&] {\n", + " ^\n", + " /tmp/pip-req-build-bxi3wcuy/csrc/mlp.cpp:139:10: warning: unused variable ‘result’ [-Wunused-variable]\n", + " auto result = mlp_bp(\n", + " ^\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/ATen/Dispatch.h:12:12: note: in definition of macro ‘AT_PRIVATE_CASE_TYPE’\n", + " return __VA_ARGS__(); \\\n", + " ^\n", + " /tmp/pip-req-build-bxi3wcuy/csrc/mlp.cpp:123:3: note: in expansion of macro ‘AT_DISPATCH_FLOATING_TYPES_AND_HALF’\n", + " AT_DISPATCH_FLOATING_TYPES_AND_HALF(inputs[0].type(), \"mlp_backward\", [&] {\n", + " ^\n", + " /tmp/pip-req-build-bxi3wcuy/csrc/mlp.cpp: In lambda function:\n", + " /tmp/pip-req-build-bxi3wcuy/csrc/mlp.cpp:125:23: warning: comparison between signed and unsigned integer expressions [-Wsign-compare]\n", + " for (int i = 0; i < num_layers; i++) {\n", + " ^\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/ATen/Dispatch.h:12:12: note: in definition of macro ‘AT_PRIVATE_CASE_TYPE’\n", + " return __VA_ARGS__(); \\\n", + " ^\n", + " /tmp/pip-req-build-bxi3wcuy/csrc/mlp.cpp:123:3: note: in expansion of macro ‘AT_DISPATCH_FLOATING_TYPES_AND_HALF’\n", + " AT_DISPATCH_FLOATING_TYPES_AND_HALF(inputs[0].type(), \"mlp_backward\", [&] {\n", + " ^\n", + " /tmp/pip-req-build-bxi3wcuy/csrc/mlp.cpp:129:23: warning: comparison between signed and unsigned integer expressions [-Wsign-compare]\n", + " for (int i = 0; i < inputs.size(); i++) {\n", + " ^\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/ATen/Dispatch.h:12:12: note: in definition of macro ‘AT_PRIVATE_CASE_TYPE’\n", + " return __VA_ARGS__(); \\\n", + " ^\n", + " /tmp/pip-req-build-bxi3wcuy/csrc/mlp.cpp:123:3: note: in expansion of macro ‘AT_DISPATCH_FLOATING_TYPES_AND_HALF’\n", + " AT_DISPATCH_FLOATING_TYPES_AND_HALF(inputs[0].type(), \"mlp_backward\", [&] {\n", + " ^\n", + " /tmp/pip-req-build-bxi3wcuy/csrc/mlp.cpp:137:80: warning: ‘at::DeprecatedTypeProperties& at::Tensor::type() const’ is deprecated: Tensor.type() is deprecated. Instead use Tensor.options(), which in many cases (e.g. in a constructor) is a drop-in replacement. If you were using data from type(), that is now available from Tensor itself, so instead of tensor.type().scalar_type(), use tensor.scalar_type() instead and instead of tensor.type().backend() use tensor.device(). [-Wdeprecated-declarations]\n", + " auto work_space = at::empty({work_size / sizeof(scalar_t)}, inputs[0].type());\n", + " ^\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/ATen/Dispatch.h:12:12: note: in definition of macro ‘AT_PRIVATE_CASE_TYPE’\n", + " return __VA_ARGS__(); \\\n", + " ^\n", + " /tmp/pip-req-build-bxi3wcuy/csrc/mlp.cpp:123:3: note: in expansion of macro ‘AT_DISPATCH_FLOATING_TYPES_AND_HALF’\n", + " AT_DISPATCH_FLOATING_TYPES_AND_HALF(inputs[0].type(), \"mlp_backward\", [&] {\n", + " ^\n", + " In file included from /opt/conda/lib/python3.7/site-packages/torch/include/ATen/Tensor.h:11:0,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/ATen/Context.h:4,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/ATen/ATen.h:5,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/types.h:3,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader_options.h:4,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/base.h:3,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/stateful.h:3,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader.h:3,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/data.h:3,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/all.h:4,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/extension.h:4,\n", + " from /tmp/pip-req-build-bxi3wcuy/csrc/mlp.cpp:1:\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/ATen/core/TensorBody.h:262:30: note: declared here\n", + " DeprecatedTypeProperties & type() const {\n", + " ^\n", + " In file included from /opt/conda/lib/python3.7/site-packages/torch/include/ATen/ATen.h:9:0,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/types.h:3,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader_options.h:4,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/base.h:3,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader/stateful.h:3,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/data/dataloader.h:3,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/data.h:3,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/all.h:4,\n", + " from /opt/conda/lib/python3.7/site-packages/torch/include/torch/extension.h:4,\n", + " from /tmp/pip-req-build-bxi3wcuy/csrc/mlp.cpp:1:\n", + " /tmp/pip-req-build-bxi3wcuy/csrc/mlp.cpp:137:44: warning: narrowing conversion of ‘(work_size / sizeof (scalar_t))’ from ‘long unsigned int’ to ‘long int’ inside { } [-Wnarrowing]\n", + " auto work_space = at::empty({work_size / sizeof(scalar_t)}, inputs[0].type());\n", + " ^\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/ATen/Dispatch.h:12:12: note: in definition of macro ‘AT_PRIVATE_CASE_TYPE’\n", + " return __VA_ARGS__(); \\\n", + " ^\n", + " /tmp/pip-req-build-bxi3wcuy/csrc/mlp.cpp:123:3: note: in expansion of macro ‘AT_DISPATCH_FLOATING_TYPES_AND_HALF’\n", + " AT_DISPATCH_FLOATING_TYPES_AND_HALF(inputs[0].type(), \"mlp_backward\", [&] {\n", + " ^\n", + " /tmp/pip-req-build-bxi3wcuy/csrc/mlp.cpp:137:44: warning: narrowing conversion of ‘(work_size / sizeof (scalar_t))’ from ‘long unsigned int’ to ‘long int’ inside { } [-Wnarrowing]\n", + " auto work_space = at::empty({work_size / sizeof(scalar_t)}, inputs[0].type());\n", + " ^\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/ATen/Dispatch.h:12:12: note: in definition of macro ‘AT_PRIVATE_CASE_TYPE’\n", + " return __VA_ARGS__(); \\\n", + " ^\n", + " /tmp/pip-req-build-bxi3wcuy/csrc/mlp.cpp:123:3: note: in expansion of macro ‘AT_DISPATCH_FLOATING_TYPES_AND_HALF’\n", + " AT_DISPATCH_FLOATING_TYPES_AND_HALF(inputs[0].type(), \"mlp_backward\", [&] {\n", + " ^\n", + " /tmp/pip-req-build-bxi3wcuy/csrc/mlp.cpp:139:10: warning: unused variable ‘result’ [-Wunused-variable]\n", + " auto result = mlp_bp(\n", + " ^\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/ATen/Dispatch.h:12:12: note: in definition of macro ‘AT_PRIVATE_CASE_TYPE’\n", + " return __VA_ARGS__(); \\\n", + " ^\n", + " /tmp/pip-req-build-bxi3wcuy/csrc/mlp.cpp:123:3: note: in expansion of macro ‘AT_DISPATCH_FLOATING_TYPES_AND_HALF’\n", + " AT_DISPATCH_FLOATING_TYPES_AND_HALF(inputs[0].type(), \"mlp_backward\", [&] {\n", + " ^\n", + " [2/2] /usr/local/cuda/bin/nvcc -I/opt/conda/lib/python3.7/site-packages/torch/include -I/opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/opt/conda/lib/python3.7/site-packages/torch/include/TH -I/opt/conda/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda/include -I/opt/conda/include/python3.7m -c -c /tmp/pip-req-build-bxi3wcuy/csrc/mlp_cuda.cu -o /tmp/pip-req-build-bxi3wcuy/build/temp.linux-x86_64-3.7/csrc/mlp_cuda.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options '-fPIC' -O3 -DVERSION_GE_1_1 -DVERSION_GE_1_3 -DVERSION_GE_1_5 -DTORCH_API_INCLUDE_EXTENSION_H -DTORCH_EXTENSION_NAME=mlp_cuda -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_37,code=sm_37 -std=c++14\r\n", + " FAILED: /tmp/pip-req-build-bxi3wcuy/build/temp.linux-x86_64-3.7/csrc/mlp_cuda.o\r\n", + " /usr/local/cuda/bin/nvcc -I/opt/conda/lib/python3.7/site-packages/torch/include -I/opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/opt/conda/lib/python3.7/site-packages/torch/include/TH -I/opt/conda/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda/include -I/opt/conda/include/python3.7m -c -c /tmp/pip-req-build-bxi3wcuy/csrc/mlp_cuda.cu -o /tmp/pip-req-build-bxi3wcuy/build/temp.linux-x86_64-3.7/csrc/mlp_cuda.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options '-fPIC' -O3 -DVERSION_GE_1_1 -DVERSION_GE_1_3 -DVERSION_GE_1_5 -DTORCH_API_INCLUDE_EXTENSION_H -DTORCH_EXTENSION_NAME=mlp_cuda -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_37,code=sm_37 -std=c++14\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/functional/padding.h(14): warning: integer conversion resulted in a change of sign\r\n", + "\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/functional/padding.h(15): warning: integer conversion resulted in a change of sign\r\n", + "\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/functional/padding.h(15): warning: integer conversion resulted in a change of sign\r\n", + "\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/functional/padding.h(15): warning: integer conversion resulted in a change of sign\r\n", + "\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/functional/padding.h(18): warning: integer conversion resulted in a change of sign\r\n", + "\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/functional/padding.h(19): warning: integer conversion resulted in a change of sign\r\n", + "\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/functional/padding.h(19): warning: integer conversion resulted in a change of sign\r\n", + "\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/functional/padding.h(19): warning: integer conversion resulted in a change of sign\r\n", + "\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/functional/padding.h(23): warning: integer conversion resulted in a change of sign\r\n", + "\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/functional/padding.h(24): warning: integer conversion resulted in a change of sign\r\n", + "\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/functional/padding.h(24): warning: integer conversion resulted in a change of sign\r\n", + "\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/functional/padding.h(24): warning: integer conversion resulted in a change of sign\r\n", + "\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/autograd/profiler.h(100): warning: attribute \"__visibility__\" does not apply here\r\n", + "\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/autograd/profiler.h(115): warning: attribute \"__visibility__\" does not apply here\r\n", + "\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/enum.h(187): warning: statement is unreachable\r\n", + "\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/enum.h(187): warning: statement is unreachable\r\n", + "\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/functional/padding.h(14): warning: integer conversion resulted in a change of sign\r\n", + "\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/functional/padding.h(15): warning: integer conversion resulted in a change of sign\r\n", + "\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/functional/padding.h(15): warning: integer conversion resulted in a change of sign\r\n", + "\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/functional/padding.h(15): warning: integer conversion resulted in a change of sign\r\n", + "\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/functional/padding.h(18): warning: integer conversion resulted in a change of sign\r\n", + "\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/functional/padding.h(19): warning: integer conversion resulted in a change of sign\r\n", + "\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/functional/padding.h(19): warning: integer conversion resulted in a change of sign\r\n", + "\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/functional/padding.h(19): warning: integer conversion resulted in a change of sign\r\n", + "\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/functional/padding.h(23): warning: integer conversion resulted in a change of sign\r\n", + "\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/functional/padding.h(24): warning: integer conversion resulted in a change of sign\r\n", + "\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/functional/padding.h(24): warning: integer conversion resulted in a change of sign\r\n", + "\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/functional/padding.h(24): warning: integer conversion resulted in a change of sign\r\n", + "\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/autograd/profiler.h(100): warning: attribute \"__visibility__\" does not apply here\r\n", + "\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/autograd/profiler.h(115): warning: attribute \"__visibility__\" does not apply here\r\n", + "\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h: In instantiation of ‘std::shared_ptr torch::nn::Cloneable::clone(const c10::optional&) const [with Derived = torch::nn::CrossMapLRN2dImpl]’:\r\n", + " /tmp/tmpxft_00000dc6_00000000-5_mlp_cuda.cudafe1.stub.c:97:27: required from here\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:44:65: error: invalid static_cast from type ‘const torch::OrderedDict, at::Tensor>’ to type ‘torch::OrderedDict, at::Tensor>&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:56:59: error: invalid static_cast from type ‘const torch::OrderedDict, at::Tensor>’ to type ‘torch::OrderedDict, at::Tensor>&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:68:61: error: invalid static_cast from type ‘const torch::OrderedDict, std::shared_ptr >’ to type ‘torch::OrderedDict, std::shared_ptr >&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h: In instantiation of ‘std::shared_ptr torch::nn::Cloneable::clone(const c10::optional&) const [with Derived = torch::nn::EmbeddingBagImpl]’:\r\n", + " /tmp/tmpxft_00000dc6_00000000-5_mlp_cuda.cudafe1.stub.c:97:27: required from here\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:44:65: error: invalid static_cast from type ‘const torch::OrderedDict, at::Tensor>’ to type ‘torch::OrderedDict, at::Tensor>&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:56:59: error: invalid static_cast from type ‘const torch::OrderedDict, at::Tensor>’ to type ‘torch::OrderedDict, at::Tensor>&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:68:61: error: invalid static_cast from type ‘const torch::OrderedDict, std::shared_ptr >’ to type ‘torch::OrderedDict, std::shared_ptr >&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h: In instantiation of ‘std::shared_ptr torch::nn::Cloneable::clone(const c10::optional&) const [with Derived = torch::nn::EmbeddingImpl]’:\r\n", + " /tmp/tmpxft_00000dc6_00000000-5_mlp_cuda.cudafe1.stub.c:97:27: required from here\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:44:65: error: invalid static_cast from type ‘const torch::OrderedDict, at::Tensor>’ to type ‘torch::OrderedDict, at::Tensor>&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:56:59: error: invalid static_cast from type ‘const torch::OrderedDict, at::Tensor>’ to type ‘torch::OrderedDict, at::Tensor>&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:68:61: error: invalid static_cast from type ‘const torch::OrderedDict, std::shared_ptr >’ to type ‘torch::OrderedDict, std::shared_ptr >&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h: In instantiation of ‘std::shared_ptr torch::nn::Cloneable::clone(const c10::optional&) const [with Derived = torch::nn::SequentialImpl]’:\r\n", + " /tmp/tmpxft_00000dc6_00000000-5_mlp_cuda.cudafe1.stub.c:97:27: required from here\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:44:65: error: invalid static_cast from type ‘const torch::OrderedDict, at::Tensor>’ to type ‘torch::OrderedDict, at::Tensor>&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:56:59: error: invalid static_cast from type ‘const torch::OrderedDict, at::Tensor>’ to type ‘torch::OrderedDict, at::Tensor>&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:68:61: error: invalid static_cast from type ‘const torch::OrderedDict, std::shared_ptr >’ to type ‘torch::OrderedDict, std::shared_ptr >&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h: In instantiation of ‘std::shared_ptr torch::nn::Cloneable::clone(const c10::optional&) const [with Derived = torch::nn::ModuleListImpl]’:\r\n", + " /tmp/tmpxft_00000dc6_00000000-5_mlp_cuda.cudafe1.stub.c:97:27: required from here\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:44:65: error: invalid static_cast from type ‘const torch::OrderedDict, at::Tensor>’ to type ‘torch::OrderedDict, at::Tensor>&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:56:59: error: invalid static_cast from type ‘const torch::OrderedDict, at::Tensor>’ to type ‘torch::OrderedDict, at::Tensor>&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:68:61: error: invalid static_cast from type ‘const torch::OrderedDict, std::shared_ptr >’ to type ‘torch::OrderedDict, std::shared_ptr >&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h: In instantiation of ‘std::shared_ptr torch::nn::Cloneable::clone(const c10::optional&) const [with Derived = torch::nn::GroupNormImpl]’:\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/optim/sgd.h:48:48: required from here\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:44:65: error: invalid static_cast from type ‘const torch::OrderedDict, at::Tensor>’ to type ‘torch::OrderedDict, at::Tensor>&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:56:59: error: invalid static_cast from type ‘const torch::OrderedDict, at::Tensor>’ to type ‘torch::OrderedDict, at::Tensor>&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:68:61: error: invalid static_cast from type ‘const torch::OrderedDict, std::shared_ptr >’ to type ‘torch::OrderedDict, std::shared_ptr >&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h: In instantiation of ‘std::shared_ptr torch::nn::Cloneable::clone(const c10::optional&) const [with Derived = torch::nn::LocalResponseNormImpl]’:\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/optim/sgd.h:48:48: required from here\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:44:65: error: invalid static_cast from type ‘const torch::OrderedDict, at::Tensor>’ to type ‘torch::OrderedDict, at::Tensor>&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:56:59: error: invalid static_cast from type ‘const torch::OrderedDict, at::Tensor>’ to type ‘torch::OrderedDict, at::Tensor>&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:68:61: error: invalid static_cast from type ‘const torch::OrderedDict, std::shared_ptr >’ to type ‘torch::OrderedDict, std::shared_ptr >&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h: In instantiation of ‘std::shared_ptr torch::nn::Cloneable::clone(const c10::optional&) const [with Derived = torch::nn::LayerNormImpl]’:\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/optim/sgd.h:48:48: required from here\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:44:65: error: invalid static_cast from type ‘const torch::OrderedDict, at::Tensor>’ to type ‘torch::OrderedDict, at::Tensor>&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:56:59: error: invalid static_cast from type ‘const torch::OrderedDict, at::Tensor>’ to type ‘torch::OrderedDict, at::Tensor>&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:68:61: error: invalid static_cast from type ‘const torch::OrderedDict, std::shared_ptr >’ to type ‘torch::OrderedDict, std::shared_ptr >&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h: In instantiation of ‘std::shared_ptr torch::nn::Cloneable::clone(const c10::optional&) const [with Derived = torch::nn::MultiheadAttentionImpl]’:\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/optim/sgd.h:48:48: required from here\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:44:65: error: invalid static_cast from type ‘const torch::OrderedDict, at::Tensor>’ to type ‘torch::OrderedDict, at::Tensor>&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:56:59: error: invalid static_cast from type ‘const torch::OrderedDict, at::Tensor>’ to type ‘torch::OrderedDict, at::Tensor>&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:68:61: error: invalid static_cast from type ‘const torch::OrderedDict, std::shared_ptr >’ to type ‘torch::OrderedDict, std::shared_ptr >&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h: In instantiation of ‘std::shared_ptr torch::nn::Cloneable::clone(const c10::optional&) const [with Derived = torch::nn::ThresholdImpl]’:\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/optim/sgd.h:48:48: required from here\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:44:65: error: invalid static_cast from type ‘const torch::OrderedDict, at::Tensor>’ to type ‘torch::OrderedDict, at::Tensor>&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:56:59: error: invalid static_cast from type ‘const torch::OrderedDict, at::Tensor>’ to type ‘torch::OrderedDict, at::Tensor>&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:68:61: error: invalid static_cast from type ‘const torch::OrderedDict, std::shared_ptr >’ to type ‘torch::OrderedDict, std::shared_ptr >&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h: In instantiation of ‘std::shared_ptr torch::nn::Cloneable::clone(const c10::optional&) const [with Derived = torch::nn::LogSoftmaxImpl]’:\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/optim/sgd.h:48:48: required from here\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:44:65: error: invalid static_cast from type ‘const torch::OrderedDict, at::Tensor>’ to type ‘torch::OrderedDict, at::Tensor>&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:56:59: error: invalid static_cast from type ‘const torch::OrderedDict, at::Tensor>’ to type ‘torch::OrderedDict, at::Tensor>&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:68:61: error: invalid static_cast from type ‘const torch::OrderedDict, std::shared_ptr >’ to type ‘torch::OrderedDict, std::shared_ptr >&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h: In instantiation of ‘std::shared_ptr torch::nn::Cloneable::clone(const c10::optional&) const [with Derived = torch::nn::SoftminImpl]’:\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/optim/sgd.h:48:48: required from here\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:44:65: error: invalid static_cast from type ‘const torch::OrderedDict, at::Tensor>’ to type ‘torch::OrderedDict, at::Tensor>&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:56:59: error: invalid static_cast from type ‘const torch::OrderedDict, at::Tensor>’ to type ‘torch::OrderedDict, at::Tensor>&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:68:61: error: invalid static_cast from type ‘const torch::OrderedDict, std::shared_ptr >’ to type ‘torch::OrderedDict, std::shared_ptr >&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h: In instantiation of ‘std::shared_ptr torch::nn::Cloneable::clone(const c10::optional&) const [with Derived = torch::nn::SoftmaxImpl]’:\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/optim/sgd.h:48:48: required from here\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:44:65: error: invalid static_cast from type ‘const torch::OrderedDict, at::Tensor>’ to type ‘torch::OrderedDict, at::Tensor>&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:56:59: error: invalid static_cast from type ‘const torch::OrderedDict, at::Tensor>’ to type ‘torch::OrderedDict, at::Tensor>&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:68:61: error: invalid static_cast from type ‘const torch::OrderedDict, std::shared_ptr >’ to type ‘torch::OrderedDict, std::shared_ptr >&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h: In instantiation of ‘std::shared_ptr torch::nn::Cloneable::clone(const c10::optional&) const [with Derived = torch::nn::GRUCellImpl]’:\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/optim/sgd.h:48:48: required from here\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:44:65: error: invalid static_cast from type ‘const torch::OrderedDict, at::Tensor>’ to type ‘torch::OrderedDict, at::Tensor>&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:56:59: error: invalid static_cast from type ‘const torch::OrderedDict, at::Tensor>’ to type ‘torch::OrderedDict, at::Tensor>&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:68:61: error: invalid static_cast from type ‘const torch::OrderedDict, std::shared_ptr >’ to type ‘torch::OrderedDict, std::shared_ptr >&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h: In instantiation of ‘std::shared_ptr torch::nn::Cloneable::clone(const c10::optional&) const [with Derived = torch::nn::LSTMCellImpl]’:\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/optim/sgd.h:48:48: required from here\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:44:65: error: invalid static_cast from type ‘const torch::OrderedDict, at::Tensor>’ to type ‘torch::OrderedDict, at::Tensor>&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:56:59: error: invalid static_cast from type ‘const torch::OrderedDict, at::Tensor>’ to type ‘torch::OrderedDict, at::Tensor>&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:68:61: error: invalid static_cast from type ‘const torch::OrderedDict, std::shared_ptr >’ to type ‘torch::OrderedDict, std::shared_ptr >&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h: In instantiation of ‘std::shared_ptr torch::nn::Cloneable::clone(const c10::optional&) const [with Derived = torch::nn::RNNCellImpl]’:\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/optim/sgd.h:48:48: required from here\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:44:65: error: invalid static_cast from type ‘const torch::OrderedDict, at::Tensor>’ to type ‘torch::OrderedDict, at::Tensor>&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:56:59: error: invalid static_cast from type ‘const torch::OrderedDict, at::Tensor>’ to type ‘torch::OrderedDict, at::Tensor>&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:68:61: error: invalid static_cast from type ‘const torch::OrderedDict, std::shared_ptr >’ to type ‘torch::OrderedDict, std::shared_ptr >&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h: In instantiation of ‘std::shared_ptr torch::nn::Cloneable::clone(const c10::optional&) const [with Derived = torch::nn::GRUImpl]’:\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/optim/sgd.h:48:48: required from here\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:44:65: error: invalid static_cast from type ‘const torch::OrderedDict, at::Tensor>’ to type ‘torch::OrderedDict, at::Tensor>&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:56:59: error: invalid static_cast from type ‘const torch::OrderedDict, at::Tensor>’ to type ‘torch::OrderedDict, at::Tensor>&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:68:61: error: invalid static_cast from type ‘const torch::OrderedDict, std::shared_ptr >’ to type ‘torch::OrderedDict, std::shared_ptr >&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h: In instantiation of ‘std::shared_ptr torch::nn::Cloneable::clone(const c10::optional&) const [with Derived = torch::nn::LSTMImpl]’:\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/optim/sgd.h:48:48: required from here\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:44:65: error: invalid static_cast from type ‘const torch::OrderedDict, at::Tensor>’ to type ‘torch::OrderedDict, at::Tensor>&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:56:59: error: invalid static_cast from type ‘const torch::OrderedDict, at::Tensor>’ to type ‘torch::OrderedDict, at::Tensor>&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:68:61: error: invalid static_cast from type ‘const torch::OrderedDict, std::shared_ptr >’ to type ‘torch::OrderedDict, std::shared_ptr >&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h: In instantiation of ‘std::shared_ptr torch::nn::Cloneable::clone(const c10::optional&) const [with Derived = torch::nn::RNNImpl]’:\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/optim/sgd.h:48:48: required from here\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:44:65: error: invalid static_cast from type ‘const torch::OrderedDict, at::Tensor>’ to type ‘torch::OrderedDict, at::Tensor>&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:56:59: error: invalid static_cast from type ‘const torch::OrderedDict, at::Tensor>’ to type ‘torch::OrderedDict, at::Tensor>&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:68:61: error: invalid static_cast from type ‘const torch::OrderedDict, std::shared_ptr >’ to type ‘torch::OrderedDict, std::shared_ptr >&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h: In instantiation of ‘std::shared_ptr torch::nn::Cloneable::clone(const c10::optional&) const [with Derived = torch::nn::FractionalMaxPool3dImpl]’:\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/optim/sgd.h:48:48: required from here\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:44:65: error: invalid static_cast from type ‘const torch::OrderedDict, at::Tensor>’ to type ‘torch::OrderedDict, at::Tensor>&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:56:59: error: invalid static_cast from type ‘const torch::OrderedDict, at::Tensor>’ to type ‘torch::OrderedDict, at::Tensor>&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:68:61: error: invalid static_cast from type ‘const torch::OrderedDict, std::shared_ptr >’ to type ‘torch::OrderedDict, std::shared_ptr >&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h: In instantiation of ‘std::shared_ptr torch::nn::Cloneable::clone(const c10::optional&) const [with Derived = torch::nn::FractionalMaxPool2dImpl]’:\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/optim/sgd.h:48:48: required from here\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:44:65: error: invalid static_cast from type ‘const torch::OrderedDict, at::Tensor>’ to type ‘torch::OrderedDict, at::Tensor>&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:56:59: error: invalid static_cast from type ‘const torch::OrderedDict, at::Tensor>’ to type ‘torch::OrderedDict, at::Tensor>&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:68:61: error: invalid static_cast from type ‘const torch::OrderedDict, std::shared_ptr >’ to type ‘torch::OrderedDict, std::shared_ptr >&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h: In instantiation of ‘std::shared_ptr torch::nn::Cloneable::clone(const c10::optional&) const [with Derived = torch::nn::ZeroPad2dImpl]’:\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/optim/sgd.h:48:48: required from here\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:44:65: error: invalid static_cast from type ‘const torch::OrderedDict, at::Tensor>’ to type ‘torch::OrderedDict, at::Tensor>&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:56:59: error: invalid static_cast from type ‘const torch::OrderedDict, at::Tensor>’ to type ‘torch::OrderedDict, at::Tensor>&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:68:61: error: invalid static_cast from type ‘const torch::OrderedDict, std::shared_ptr >’ to type ‘torch::OrderedDict, std::shared_ptr >&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h: In instantiation of ‘std::shared_ptr torch::nn::Cloneable::clone(const c10::optional&) const [with Derived = torch::nn::UnfoldImpl]’:\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/optim/sgd.h:48:48: required from here\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:44:65: error: invalid static_cast from type ‘const torch::OrderedDict, at::Tensor>’ to type ‘torch::OrderedDict, at::Tensor>&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:56:59: error: invalid static_cast from type ‘const torch::OrderedDict, at::Tensor>’ to type ‘torch::OrderedDict, at::Tensor>&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:68:61: error: invalid static_cast from type ‘const torch::OrderedDict, std::shared_ptr >’ to type ‘torch::OrderedDict, std::shared_ptr >&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h: In instantiation of ‘std::shared_ptr torch::nn::Cloneable::clone(const c10::optional&) const [with Derived = torch::nn::FoldImpl]’:\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/optim/sgd.h:48:48: required from here\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:44:65: error: invalid static_cast from type ‘const torch::OrderedDict, at::Tensor>’ to type ‘torch::OrderedDict, at::Tensor>&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:56:59: error: invalid static_cast from type ‘const torch::OrderedDict, at::Tensor>’ to type ‘torch::OrderedDict, at::Tensor>&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:68:61: error: invalid static_cast from type ‘const torch::OrderedDict, std::shared_ptr >’ to type ‘torch::OrderedDict, std::shared_ptr >&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h: In instantiation of ‘std::shared_ptr torch::nn::Cloneable::clone(const c10::optional&) const [with Derived = torch::nn::ConvTranspose3dImpl]’:\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/optim/sgd.h:48:48: required from here\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:44:65: error: invalid static_cast from type ‘const torch::OrderedDict, at::Tensor>’ to type ‘torch::OrderedDict, at::Tensor>&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:56:59: error: invalid static_cast from type ‘const torch::OrderedDict, at::Tensor>’ to type ‘torch::OrderedDict, at::Tensor>&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:68:61: error: invalid static_cast from type ‘const torch::OrderedDict, std::shared_ptr >’ to type ‘torch::OrderedDict, std::shared_ptr >&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h: In instantiation of ‘std::shared_ptr torch::nn::Cloneable::clone(const c10::optional&) const [with Derived = torch::nn::ConvTranspose2dImpl]’:\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/optim/sgd.h:48:48: required from here\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:44:65: error: invalid static_cast from type ‘const torch::OrderedDict, at::Tensor>’ to type ‘torch::OrderedDict, at::Tensor>&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:56:59: error: invalid static_cast from type ‘const torch::OrderedDict, at::Tensor>’ to type ‘torch::OrderedDict, at::Tensor>&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:68:61: error: invalid static_cast from type ‘const torch::OrderedDict, std::shared_ptr >’ to type ‘torch::OrderedDict, std::shared_ptr >&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h: In instantiation of ‘std::shared_ptr torch::nn::Cloneable::clone(const c10::optional&) const [with Derived = torch::nn::ConvTranspose1dImpl]’:\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/optim/sgd.h:48:48: required from here\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:44:65: error: invalid static_cast from type ‘const torch::OrderedDict, at::Tensor>’ to type ‘torch::OrderedDict, at::Tensor>&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:56:59: error: invalid static_cast from type ‘const torch::OrderedDict, at::Tensor>’ to type ‘torch::OrderedDict, at::Tensor>&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:68:61: error: invalid static_cast from type ‘const torch::OrderedDict, std::shared_ptr >’ to type ‘torch::OrderedDict, std::shared_ptr >&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h: In instantiation of ‘std::shared_ptr torch::nn::Cloneable::clone(const c10::optional&) const [with Derived = torch::nn::Conv3dImpl]’:\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/optim/sgd.h:48:48: required from here\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:44:65: error: invalid static_cast from type ‘const torch::OrderedDict, at::Tensor>’ to type ‘torch::OrderedDict, at::Tensor>&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:56:59: error: invalid static_cast from type ‘const torch::OrderedDict, at::Tensor>’ to type ‘torch::OrderedDict, at::Tensor>&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:68:61: error: invalid static_cast from type ‘const torch::OrderedDict, std::shared_ptr >’ to type ‘torch::OrderedDict, std::shared_ptr >&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h: In instantiation of ‘std::shared_ptr torch::nn::Cloneable::clone(const c10::optional&) const [with Derived = torch::nn::Conv2dImpl]’:\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/optim/sgd.h:48:48: required from here\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:44:65: error: invalid static_cast from type ‘const torch::OrderedDict, at::Tensor>’ to type ‘torch::OrderedDict, at::Tensor>&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:56:59: error: invalid static_cast from type ‘const torch::OrderedDict, at::Tensor>’ to type ‘torch::OrderedDict, at::Tensor>&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:68:61: error: invalid static_cast from type ‘const torch::OrderedDict, std::shared_ptr >’ to type ‘torch::OrderedDict, std::shared_ptr >&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h: In instantiation of ‘std::shared_ptr torch::nn::Cloneable::clone(const c10::optional&) const [with Derived = torch::nn::Conv1dImpl]’:\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/optim/sgd.h:48:48: required from here\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:44:65: error: invalid static_cast from type ‘const torch::OrderedDict, at::Tensor>’ to type ‘torch::OrderedDict, at::Tensor>&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:56:59: error: invalid static_cast from type ‘const torch::OrderedDict, at::Tensor>’ to type ‘torch::OrderedDict, at::Tensor>&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:68:61: error: invalid static_cast from type ‘const torch::OrderedDict, std::shared_ptr >’ to type ‘torch::OrderedDict, std::shared_ptr >&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h: In instantiation of ‘std::shared_ptr torch::nn::Cloneable::clone(const c10::optional&) const [with Derived = torch::nn::AdaptiveLogSoftmaxWithLossImpl]’:\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/optim/sgd.h:48:48: required from here\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:44:65: error: invalid static_cast from type ‘const torch::OrderedDict, at::Tensor>’ to type ‘torch::OrderedDict, at::Tensor>&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:56:59: error: invalid static_cast from type ‘const torch::OrderedDict, at::Tensor>’ to type ‘torch::OrderedDict, at::Tensor>&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:68:61: error: invalid static_cast from type ‘const torch::OrderedDict, std::shared_ptr >’ to type ‘torch::OrderedDict, std::shared_ptr >&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h: In instantiation of ‘std::shared_ptr torch::nn::Cloneable::clone(const c10::optional&) const [with Derived = torch::nn::BilinearImpl]’:\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/optim/sgd.h:48:48: required from here\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:44:65: error: invalid static_cast from type ‘const torch::OrderedDict, at::Tensor>’ to type ‘torch::OrderedDict, at::Tensor>&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:56:59: error: invalid static_cast from type ‘const torch::OrderedDict, at::Tensor>’ to type ‘torch::OrderedDict, at::Tensor>&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:68:61: error: invalid static_cast from type ‘const torch::OrderedDict, std::shared_ptr >’ to type ‘torch::OrderedDict, std::shared_ptr >&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h: In instantiation of ‘std::shared_ptr torch::nn::Cloneable::clone(const c10::optional&) const [with Derived = torch::nn::LinearImpl]’:\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/optim/sgd.h:48:48: required from here\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:44:65: error: invalid static_cast from type ‘const torch::OrderedDict, at::Tensor>’ to type ‘torch::OrderedDict, at::Tensor>&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:56:59: error: invalid static_cast from type ‘const torch::OrderedDict, at::Tensor>’ to type ‘torch::OrderedDict, at::Tensor>&’\r\n", + " /opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:68:61: error: invalid static_cast from type ‘const torch::OrderedDict, std::shared_ptr >’ to type ‘torch::OrderedDict, std::shared_ptr >&’\r\n", + " ninja: build stopped: subcommand failed.\r\n", + " Traceback (most recent call last):\r\n", + " File \"/opt/conda/lib/python3.7/site-packages/torch/utils/cpp_extension.py\", line 1400, in _run_ninja_build\r\n", + " check=True)\r\n", + " File \"/opt/conda/lib/python3.7/subprocess.py\", line 468, in run\r\n", + " output=stdout, stderr=stderr)\r\n", + " subprocess.CalledProcessError: Command '['ninja', '-v']' returned non-zero exit status 1.\r\n", + "\r\n", + " During handling of the above exception, another exception occurred:\r\n", + "\r\n", + " Traceback (most recent call last):\r\n", + " File \"\", line 1, in \r\n", + " File \"/tmp/pip-req-build-bxi3wcuy/setup.py\", line 390, in \r\n", + " extras_require=extras,\r\n", + " File \"/opt/conda/lib/python3.7/site-packages/setuptools/__init__.py\", line 144, in setup\r\n", + " return distutils.core.setup(**attrs)\r\n", + " File \"/opt/conda/lib/python3.7/distutils/core.py\", line 148, in setup\r\n", + " dist.run_commands()\r\n", + " File \"/opt/conda/lib/python3.7/distutils/dist.py\", line 966, in run_commands\r\n", + " self.run_command(cmd)\r\n", + " File \"/opt/conda/lib/python3.7/distutils/dist.py\", line 985, in run_command\r\n", + " cmd_obj.run()\r\n", + " File \"/opt/conda/lib/python3.7/site-packages/setuptools/command/install.py\", line 61, in run\r\n", + " return orig.install.run(self)\r\n", + " File \"/opt/conda/lib/python3.7/distutils/command/install.py\", line 545, in run\r\n", + " self.run_command('build')\r\n", + " File \"/opt/conda/lib/python3.7/distutils/cmd.py\", line 313, in run_command\r\n", + " self.distribution.run_command(command)\r\n", + " File \"/opt/conda/lib/python3.7/distutils/dist.py\", line 985, in run_command\r\n", + " cmd_obj.run()\r\n", + " File \"/opt/conda/lib/python3.7/distutils/command/build.py\", line 135, in run\r\n", + " self.run_command(cmd_name)\r\n", + " File \"/opt/conda/lib/python3.7/distutils/cmd.py\", line 313, in run_command\r\n", + " self.distribution.run_command(command)\n", + " File \"/opt/conda/lib/python3.7/distutils/dist.py\", line 985, in run_command\n", + " cmd_obj.run()\n", + " File \"/opt/conda/lib/python3.7/site-packages/setuptools/command/build_ext.py\", line 87, in run\n", + " _build_ext.run(self)\n", + " File \"/opt/conda/lib/python3.7/site-packages/Cython/Distutils/old_build_ext.py\", line 186, in run\n", + " _build_ext.build_ext.run(self)\n", + " File \"/opt/conda/lib/python3.7/distutils/command/build_ext.py\", line 339, in run\n", + " self.build_extensions()\n", + " File \"/opt/conda/lib/python3.7/site-packages/torch/utils/cpp_extension.py\", line 580, in build_extensions\n", + " build_ext.build_extensions(self)\n", + " File \"/opt/conda/lib/python3.7/site-packages/Cython/Distutils/old_build_ext.py\", line 195, in build_extensions\n", + " _build_ext.build_ext.build_extensions(self)\n", + " File \"/opt/conda/lib/python3.7/distutils/command/build_ext.py\", line 448, in build_extensions\n", + " self._build_extensions_serial()\n", + " File \"/opt/conda/lib/python3.7/distutils/command/build_ext.py\", line 473, in _build_extensions_serial\n", + " self.build_extension(ext)\n", + " File \"/opt/conda/lib/python3.7/site-packages/setuptools/command/build_ext.py\", line 208, in build_extension\n", + " _build_ext.build_extension(self, ext)\n", + " File \"/opt/conda/lib/python3.7/distutils/command/build_ext.py\", line 533, in build_extension\n", + " depends=ext.depends)\n", + " File \"/opt/conda/lib/python3.7/site-packages/torch/utils/cpp_extension.py\", line 423, in unix_wrap_ninja_compile\n", + " with_cuda=with_cuda)\n", + " File \"/opt/conda/lib/python3.7/site-packages/torch/utils/cpp_extension.py\", line 1140, in _write_ninja_file_and_compile_objects\n", + " error_prefix='Error compiling objects for extension')\n", + " File \"/opt/conda/lib/python3.7/site-packages/torch/utils/cpp_extension.py\", line 1413, in _run_ninja_build\n", + " raise RuntimeError(message)\n", + " RuntimeError: Error compiling objects for extension\n", + " Running setup.py install for apex ... \u001b[?25l\u001b[?25herror\n", + "Cleaning up...\n", + " Removing source in /tmp/pip-req-build-bxi3wcuy\n", + "Removed build tracker: '/tmp/pip-req-tracker-z_k4siug'\n", + "\u001b[31mERROR: Command errored out with exit status 1: /opt/conda/bin/python -u -c 'import sys, setuptools, tokenize; sys.argv[0] = '\"'\"'/tmp/pip-req-build-bxi3wcuy/setup.py'\"'\"'; __file__='\"'\"'/tmp/pip-req-build-bxi3wcuy/setup.py'\"'\"';f=getattr(tokenize, '\"'\"'open'\"'\"', open)(__file__);code=f.read().replace('\"'\"'\\r\\n'\"'\"', '\"'\"'\\n'\"'\"');f.close();exec(compile(code, __file__, '\"'\"'exec'\"'\"'))' --cpp_ext --cuda_ext install --record /tmp/pip-record-qgg_jen5/install-record.txt --single-version-externally-managed --compile --install-headers /opt/conda/include/python3.7m/apex Check the logs for full command output.\u001b[0m\n", + "Exception information:\n", + "Traceback (most recent call last):\n", + " File \"/opt/conda/lib/python3.7/site-packages/pip/_internal/cli/base_command.py\", line 186, in _main\n", + " status = self.run(options, args)\n", + " File \"/opt/conda/lib/python3.7/site-packages/pip/_internal/commands/install.py\", line 404, in run\n", + " use_user_site=options.use_user_site,\n", + " File \"/opt/conda/lib/python3.7/site-packages/pip/_internal/req/__init__.py\", line 71, in install_given_reqs\n", + " **kwargs\n", + " File \"/opt/conda/lib/python3.7/site-packages/pip/_internal/req/req_install.py\", line 829, in install\n", + " scheme=scheme,\n", + " File \"/opt/conda/lib/python3.7/site-packages/pip/_internal/operations/install/legacy.py\", line 72, in install\n", + " cwd=install_req.unpacked_source_directory,\n", + " File \"/opt/conda/lib/python3.7/site-packages/pip/_internal/utils/subprocess.py\", line 275, in runner\n", + " spinner=spinner,\n", + " File \"/opt/conda/lib/python3.7/site-packages/pip/_internal/utils/subprocess.py\", line 242, in call_subprocess\n", + " raise InstallationError(exc_msg)\n", + "pip._internal.exceptions.InstallationError: Command errored out with exit status 1: /opt/conda/bin/python -u -c 'import sys, setuptools, tokenize; sys.argv[0] = '\"'\"'/tmp/pip-req-build-bxi3wcuy/setup.py'\"'\"'; __file__='\"'\"'/tmp/pip-req-build-bxi3wcuy/setup.py'\"'\"';f=getattr(tokenize, '\"'\"'open'\"'\"', open)(__file__);code=f.read().replace('\"'\"'\\r\\n'\"'\"', '\"'\"'\\n'\"'\"');f.close();exec(compile(code, __file__, '\"'\"'exec'\"'\"'))' --cpp_ext --cuda_ext install --record /tmp/pip-record-qgg_jen5/install-record.txt --single-version-externally-managed --compile --install-headers /opt/conda/include/python3.7m/apex Check the logs for full command output.\n", + "1 location(s) to search for versions of pip:\n", + "* https://pypi.org/simple/pip/\n", + "Fetching project page and analyzing links: https://pypi.org/simple/pip/\n", + "Getting page https://pypi.org/simple/pip/\n", + "Found index url https://pypi.org/simple\n", + "Starting new HTTPS connection (1): pypi.org:443\n", + "https://pypi.org:443 \"GET /simple/pip/ HTTP/1.1\" 200 13603\n", + " Found link https://files.pythonhosted.org/packages/3d/9d/1e313763bdfb6a48977b65829c6ce2a43eaae29ea2f907c8bbef024a7219/pip-0.2.tar.gz#sha256=88bb8d029e1bf4acd0e04d300104b7440086f94cc1ce1c5c3c31e3293aee1f81 (from https://pypi.org/simple/pip/), version: 0.2\n", + " Found link https://files.pythonhosted.org/packages/18/ad/c0fe6cdfe1643a19ef027c7168572dac6283b80a384ddf21b75b921877da/pip-0.2.1.tar.gz#sha256=83522005c1266cc2de97e65072ff7554ac0f30ad369c3b02ff3a764b962048da (from https://pypi.org/simple/pip/), version: 0.2.1\n", + " Found link https://files.pythonhosted.org/packages/17/05/f66144ef69b436d07f8eeeb28b7f77137f80de4bf60349ec6f0f9509e801/pip-0.3.tar.gz#sha256=183c72455cb7f8860ac1376f8c4f14d7f545aeab8ee7c22cd4caf79f35a2ed47 (from https://pypi.org/simple/pip/), version: 0.3\n", + " Found link https://files.pythonhosted.org/packages/0a/bb/d087c9a1415f8726e683791c0b2943c53f2b76e69f527f2e2b2e9f9e7b5c/pip-0.3.1.tar.gz#sha256=34ce534f17065c78f980702928e988a6b6b2d8a9851aae5f1571a1feb9bb58d8 (from https://pypi.org/simple/pip/), version: 0.3.1\n", + " Found link https://files.pythonhosted.org/packages/cf/c3/153571aaac6cf999f4bb09c019b1ff379b7b599ea833813a41c784eec995/pip-0.4.tar.gz#sha256=28fc67558874f71fddda7168f73595f1650523dce3bc5bf189713ecdfc1e456e (from https://pypi.org/simple/pip/), version: 0.4\n", + " Found link https://files.pythonhosted.org/packages/8d/c7/f05c87812fa5d9562ecbc5f4f1fc1570444f53c81c834a7f662af406e3c1/pip-0.5.tar.gz#sha256=328d8412782f22568508a0d0c78a49c9920a82e44c8dfca49954fe525c152b2a (from https://pypi.org/simple/pip/), version: 0.5\n", + " Found link https://files.pythonhosted.org/packages/9a/aa/f536b6d14fe03343367da2ff44eee28f340ae650cd017ca088b6be13084a/pip-0.5.1.tar.gz#sha256=e27650538c41fe1007a41abd4cfd0f905b822622cbe1f8e7e09d1215af207694 (from https://pypi.org/simple/pip/), version: 0.5.1\n", + " Found link https://files.pythonhosted.org/packages/db/e6/fdf7be8a17b032c533d3f91e91e2c63dd81d3627cbe4113248a00c2d39d8/pip-0.6.tar.gz#sha256=4cf47db6815b2f435d1f44e1f35ff04823043f6161f7df9aec71a123b0c47f0d (from https://pypi.org/simple/pip/), version: 0.6\n", + " Found link https://files.pythonhosted.org/packages/91/cd/105f4d3c75d0ae18e12623acc96f42168aaba408dd6e43c4505aa21f8e37/pip-0.6.1.tar.gz#sha256=efe47e84ffeb0ea4804f9858b8a94bebd07f5452f907ebed36d03aed06a9f9ec (from https://pypi.org/simple/pip/), version: 0.6.1\n", + " Found link https://files.pythonhosted.org/packages/1c/c7/c0e1a9413c37828faf290f29a85a4d6034c145cc04bf1622ba8beb662ad8/pip-0.6.2.tar.gz#sha256=1c1a504d7e70d2c24246f95bd16e3d5fcec740fd144df69a407bf65a2ee67586 (from https://pypi.org/simple/pip/), version: 0.6.2\n", + " Found link https://files.pythonhosted.org/packages/3f/af/c4b9d49fb0f286996b28dbc0955c3ad359794697eb98e0e69863908070b0/pip-0.6.3.tar.gz#sha256=1a6df71eb29b98cba11bde6d6a0d8c6dd8b0518e74ceb71fb31ea4fbb42fd313 (from https://pypi.org/simple/pip/), version: 0.6.3\n", + " Found link https://files.pythonhosted.org/packages/ec/7a/6fe91ff0079ad0437830957c459d52f3923e516f5b453218f2a93d09a427/pip-0.7.tar.gz#sha256=ceaea0b9e494d893c8a191895301b79c1db33e41f14d3ad93e3d28a8b4e9bf27 (from https://pypi.org/simple/pip/), version: 0.7\n", + " Found link https://files.pythonhosted.org/packages/a5/63/11303863c2f5e9d9a15d89fcf7513a4b60987007d418862e0fb65c09fff7/pip-0.7.1.tar.gz#sha256=f54f05aa17edd0036de433c44892c8fedb1fd2871c97829838feb995818d24c3 (from https://pypi.org/simple/pip/), version: 0.7.1\n", + " Found link https://files.pythonhosted.org/packages/cd/a9/1debaa96bbc1005c1c8ad3b79fec58c198d35121546ea2e858ce0894268a/pip-0.7.2.tar.gz#sha256=98df2eb779358412bbbae75980171ae85deebc846d87e244d086520b1212da09 (from https://pypi.org/simple/pip/), version: 0.7.2\n", + " Found link https://files.pythonhosted.org/packages/74/54/f785c327fb3d163560a879b36edae5c78ee07806be282c9d4807f6be7dd1/pip-0.8.tar.gz#sha256=9017e4484a212dd4e1a43dd9f039dd7fc8338d4eea1c339d5ae1c80726de5b0f (from https://pypi.org/simple/pip/), version: 0.8\n", + " Found link https://files.pythonhosted.org/packages/5c/79/5e8381cc3078bae92166f2ba96de8355e8c181926505ba8882f7b099a500/pip-0.8.1.tar.gz#sha256=7176a87f35675f6468341212f3b959bb51d23ea66eb1c3692bf746c45c716fa2 (from https://pypi.org/simple/pip/), version: 0.8.1\n", + " Found link https://files.pythonhosted.org/packages/17/3e/0a98ab032991518741e7e712a719633e6ae160f51b3d3e855194530fd308/pip-0.8.2.tar.gz#sha256=f80a3549c048bc3bbcb47844826e9c7c6fcd87e77b92bef0d9e66d1b397c4962 (from https://pypi.org/simple/pip/), version: 0.8.2\n", + " Found link https://files.pythonhosted.org/packages/f7/9a/943fc6d879ed7220bac2e7e53096bfe78abec88d77f2f516400e0129679e/pip-0.8.3.tar.gz#sha256=1be2e18edd38aa75b5e4ef38a99ec33ba9247177cfcb4a6d2d2b3e73430e3001 (from https://pypi.org/simple/pip/), version: 0.8.3\n", + " Found link https://files.pythonhosted.org/packages/24/33/6eb675fb6db7b71d69d6928b33dea61b8bf5cfe1e5649be70ec84ce2fc09/pip-1.0.tar.gz#sha256=34ba07e2d14ba86d5088ba896ac80bed845a9b276ab8acb279b8d99bc77fec8e (from https://pypi.org/simple/pip/), version: 1.0\n", + " Found link https://files.pythonhosted.org/packages/10/d9/f584e6107ef98ad7eaaaa5d0f756bfee12561fa6a4712ffdb7209e0e1fd4/pip-1.0.1.tar.gz#sha256=37d2f18213d3845d2038dd3686bc71fc12bb41ad66c945a8b0dfec2879f3497b (from https://pypi.org/simple/pip/), version: 1.0.1\n", + " Found link https://files.pythonhosted.org/packages/16/90/5e6f80364d8a656f60681dfb7330298edef292d43e1499bcb3a4c71ff0b9/pip-1.0.2.tar.gz#sha256=a6ed9b36aac2f121c01a2c9e0307a9e4d9438d100a407db701ac65479a3335d2 (from https://pypi.org/simple/pip/), version: 1.0.2\n", + " Found link https://files.pythonhosted.org/packages/25/57/0d42cf5307d79913a082c5c4397d46f3793bc35e1138a694136d6e31be99/pip-1.1.tar.gz#sha256=993804bb947d18508acee02141281c77d27677f8c14eaa64d6287a1c53ef01c8 (from https://pypi.org/simple/pip/), version: 1.1\n", + " Found link https://files.pythonhosted.org/packages/ba/c3/4e1f892f41aaa217fe0d1f827fa05928783349c69f3cc06fdd68e112678a/pip-1.2.tar.gz#sha256=2b168f1987403f1dc6996a1f22a6f6637b751b7ab6ff27e78380b8d6e70aa314 (from https://pypi.org/simple/pip/), version: 1.2\n", + " Found link https://files.pythonhosted.org/packages/c3/a2/a63244da32afd9ce9a8ca1bd86e71610039adea8b8314046ebe5047527a6/pip-1.2.1.tar.gz#sha256=12a9302acfca62cdc7bc5d83386cac3e0581db61ac39acdb3a4e766a16b88eb1 (from https://pypi.org/simple/pip/), version: 1.2.1\n", + " Found link https://files.pythonhosted.org/packages/00/45/69d4f2602b80550bfb26cfd2f62c2f05b3b5c7352705d3766cd1e5b27648/pip-1.3.tar.gz#sha256=d6a13c5be316cb21a0243047c7f163f47e88973ebccff8d32e63ca1bf4d9321c (from https://pypi.org/simple/pip/), version: 1.3\n", + " Found link https://files.pythonhosted.org/packages/5b/ce/f5b98104f1c10d868936c25f7c597f492d4371aa9ad5fb61a94954ee7208/pip-1.3.1.tar.gz#sha256=145eaa5d1ea1b062663da1f3a97780d7edea4c63c68a37c463b1deedf7bb4957 (from https://pypi.org/simple/pip/), version: 1.3.1\n", + " Found link https://files.pythonhosted.org/packages/5f/d0/3b3958f6a58783bae44158b2c4c7827ae89abaecdd4bed12cff402620b9a/pip-1.4.tar.gz#sha256=1fd43cbf07d95ddcecbb795c97a1674b3ddb711bb4a67661284a5aa765aa1b97 (from https://pypi.org/simple/pip/), version: 1.4\n", + " Found link https://files.pythonhosted.org/packages/3f/f8/da390e0df72fb61d176b25a4b95262e3dcc14bda0ad25ac64d56db38b667/pip-1.4.1.tar.gz#sha256=4e7a06554711a624c35d0c646f63674b7f6bfc7f80221bf1eb1f631bd890d04e (from https://pypi.org/simple/pip/), version: 1.4.1\n", + " Found link https://files.pythonhosted.org/packages/4f/7d/e53bc80667378125a9e07d4929a61b0bd7128a1129dbe6f07bb3228652a3/pip-1.5.tar.gz#sha256=25f81d1a0e55d3b1709818dd57fdfb954b028f229f09bd69cb0bc80a8e03e048 (from https://pypi.org/simple/pip/), version: 1.5\n", + " Found link https://files.pythonhosted.org/packages/44/5d/1dca53b5de6d287e7eb99bd174bb022eb6cb0d6ca6e19ca6b16655dde8c2/pip-1.5.1-py2.py3-none-any.whl#sha256=00960db3b0b8724dd37fe37cfb9c72ecb8f59fab9db7d17c5c1e89a1adab49ce (from https://pypi.org/simple/pip/), version: 1.5.1\n", + " Found link https://files.pythonhosted.org/packages/21/3f/d86a600c9b2f41a75caacf768a24130f343def97652de2345da15ef7911f/pip-1.5.1.tar.gz#sha256=e60e936fbc101d56668c6134c1f2b5b40fcbec8b4fc4ca7fc34842b6b4c5c130 (from https://pypi.org/simple/pip/), version: 1.5.1\n", + " Found link https://files.pythonhosted.org/packages/3d/1f/227d77d5e9ed2df5162de4ba3616799a351eccb1ecd668ae824dd26153a1/pip-1.5.2-py2.py3-none-any.whl#sha256=6903909ccdcdbc3297b74118590e71344d6d262827acd1f5c0e2fcfce9807499 (from https://pypi.org/simple/pip/), version: 1.5.2\n", + " Found link https://files.pythonhosted.org/packages/ed/94/391a003107f6ec997c314199d03bff1c105af758ee490e3255353574487b/pip-1.5.2.tar.gz#sha256=2a8a3e08e652d3a40edbb39264bf01f8ff3c32520a79113357cca1f30533f738 (from https://pypi.org/simple/pip/), version: 1.5.2\n", + " Found link https://files.pythonhosted.org/packages/df/e9/bdb53d44fad1465b43edaf6bc7dd3027ed5af81405cc97603fdff0721ebb/pip-1.5.3-py2.py3-none-any.whl#sha256=f0037aed3ce6cf96b9e9117d42e967a74bea9ebe19088a2fdea5de93d5762fee (from https://pypi.org/simple/pip/), version: 1.5.3\n", + " Found link https://files.pythonhosted.org/packages/55/de/671a48ad313c808623041fc475f7c8f7610401d9f573f06b40eeb84e74e3/pip-1.5.3.tar.gz#sha256=dc53b4d28b88556a37cd73052b6d1d08cc644c6724e37c4d38a2e3c03c5440b2 (from https://pypi.org/simple/pip/), version: 1.5.3\n", + " Found link https://files.pythonhosted.org/packages/a9/9a/9aa19fe00de4c025562e5fb3796ff8520165a7dd1a5662c6ec9816e1ae99/pip-1.5.4-py2.py3-none-any.whl#sha256=fb7282556a42e84464f2e963a859ac4012d8134ba6218b70c1d82d145fcfa82f (from https://pypi.org/simple/pip/), version: 1.5.4\n", + " Found link https://files.pythonhosted.org/packages/78/d8/6e58a7130d457edadb753a0ea5708e411c100c7e94e72ad4802feeef735c/pip-1.5.4.tar.gz#sha256=70208a250bb4afdbbdd74c3ac35d4ab9ba1eb6852d02567a6a87f2f5104e30b9 (from https://pypi.org/simple/pip/), version: 1.5.4\n", + " Found link https://files.pythonhosted.org/packages/ce/c2/10d996b9c51b126a9f0bb9e14a9edcdd5c88888323c0685bb9b392b6c47c/pip-1.5.5-py2.py3-none-any.whl#sha256=fe7a5808190067b2598d85def9b83db46e5d64a00848ad843e107c36e1db4ae6 (from https://pypi.org/simple/pip/), version: 1.5.5\n", + " Found link https://files.pythonhosted.org/packages/88/01/a442fde40bd9aaf837612536f16ab751fac628807fd718690795b8ade77d/pip-1.5.5.tar.gz#sha256=4b7f5124364ae9b5ba833dcd8813a84c1c06fba1d7c8543323c7af4b33188eca (from https://pypi.org/simple/pip/), version: 1.5.5\n", + " Found link https://files.pythonhosted.org/packages/3f/08/7347ca4021e7fe0f1ab8f93cbc7d2a7a7350012300ad0e0227d55625e2b8/pip-1.5.6-py2.py3-none-any.whl#sha256=fbc1351ffedf09ca7560428758845a88d648b9730b63ce9e5df53a7c89f039a4 (from https://pypi.org/simple/pip/), version: 1.5.6\n", + " Found link https://files.pythonhosted.org/packages/45/db/4fb9a456b4ec4d3b701456ef562b9d72d76b6358e0c1463d17db18c5b772/pip-1.5.6.tar.gz#sha256=b1a4ae66baf21b7eb05a5e4f37c50c2706fa28ea1f8780ce8efe14dcd9f1726c (from https://pypi.org/simple/pip/), version: 1.5.6\n", + " Found link https://files.pythonhosted.org/packages/dc/7c/21191b5944b917b66e4e4e06d74f668d814b6e8a3ff7acd874479b6f6b3d/pip-6.0-py2.py3-none-any.whl#sha256=5ec6732505bd8be49fe1f8ad557b88253ffb085736396df4d6bea753fc2a8f2c (from https://pypi.org/simple/pip/), version: 6.0\n", + " Found link https://files.pythonhosted.org/packages/38/fd/065c66a88398f240e344fdf496b9707f92d75f88eedc3d10ff847b28a657/pip-6.0.tar.gz#sha256=6103897f1bb68d3f933edd60f3e3830c4ea6b8abf7a4b500db148921b11f6c9b (from https://pypi.org/simple/pip/), version: 6.0\n", + " Found link https://files.pythonhosted.org/packages/e9/7a/cdbc1a12ed52410d557e48d4646f4543e9e991ff32d2374dc6db849aa617/pip-6.0.1-py2.py3-none-any.whl#sha256=322aea7d1f7b9ee68ad87ac4704cad5df97f77e70668c0bd18f964c5daa78173 (from https://pypi.org/simple/pip/), version: 6.0.1\n", + " Found link https://files.pythonhosted.org/packages/4d/c3/8675b90cd89b9b222062f4f6c7e9d48b0387f5b35cbf747a74403a883e56/pip-6.0.1.tar.gz#sha256=fa2f7c68da4a405d673aa38542f9df009d60026db4f532429ac9cbfbda1f959d (from https://pypi.org/simple/pip/), version: 6.0.1\n", + " Found link https://files.pythonhosted.org/packages/71/3c/b5a521e5e99cfff091e282231591f21193fd80de079ec5fb8ed9c6614044/pip-6.0.2-py2.py3-none-any.whl#sha256=7d17b0f267f7c9cd17cd2924bbbe2b4a3d407322c0e09084ca3f1295c1fed50d (from https://pypi.org/simple/pip/), version: 6.0.2\n", + " Found link https://files.pythonhosted.org/packages/4c/5a/f9e8e3de0153282c7cb54a9b991af225536ac914bac858ca664cf883bb3e/pip-6.0.2.tar.gz#sha256=6fa90667706a679e3dc75b27a51fddafa64401c45e96f8ae6c20978183290077 (from https://pypi.org/simple/pip/), version: 6.0.2\n", + " Found link https://files.pythonhosted.org/packages/73/cb/3eebf42003791df29219a3dfa1874572aa16114b44c9b1b0ac66bf96e8c0/pip-6.0.3-py2.py3-none-any.whl#sha256=b72655b6ac6aef1c86dd07f51e8ace8d7aabd6a1c4ff88db87155276fa32a073 (from https://pypi.org/simple/pip/), version: 6.0.3\n", + " Found link https://files.pythonhosted.org/packages/ce/63/8d99ae60d11ae1a65f5d4fc39a529a598bd3b8e067132210cb0c4d9e9f74/pip-6.0.3.tar.gz#sha256=b091a35f5fa0faffac0b27b97e1e1e93ffe63b463c2ea8dbde0c1fb987933614 (from https://pypi.org/simple/pip/), version: 6.0.3\n", + " Found link https://files.pythonhosted.org/packages/c5/0e/c974206726542bc495fc7443dd97834a6d14c2f0cba183fcfcd01075225a/pip-6.0.4-py2.py3-none-any.whl#sha256=8dfd95de29a7a3bb1e7d368cc83d566938eb210b04d553ebfe5e3a422f4aec65 (from https://pypi.org/simple/pip/), version: 6.0.4\n", + " Found link https://files.pythonhosted.org/packages/02/a1/c90f19910ee153d7a0efca7216758121118d7e93084276541383fe9ca82e/pip-6.0.4.tar.gz#sha256=1dbbff9c369e510c7468ab68ba52c003f68f83c99c2f8259acd51099e8799f1e (from https://pypi.org/simple/pip/), version: 6.0.4\n", + " Found link https://files.pythonhosted.org/packages/e9/1b/c6a375a337fb576784cdea3700f6c3eaf1420f0a01458e6e034cc178a84a/pip-6.0.5-py2.py3-none-any.whl#sha256=b2c20e3a2a43b2bbb1d19ad98be27eccc7b0f0ece016da602ccaa757a862b0e2 (from https://pypi.org/simple/pip/), version: 6.0.5\n", + " Found link https://files.pythonhosted.org/packages/19/f2/58628768f618c8c9fea878e0fb97730c0b8a838d3ab3f325768bf12dac94/pip-6.0.5.tar.gz#sha256=3bf42d28be9085ab2e9aecfd69a6da2d31563fe833304bf71a620a30c38ab8a2 (from https://pypi.org/simple/pip/), version: 6.0.5\n", + " Found link https://files.pythonhosted.org/packages/64/fc/4a49ccb18f55a0ceeb76e8d554bd4563217117492997825d194ed0017cc1/pip-6.0.6-py2.py3-none-any.whl#sha256=fb04f8afe1ba57626783f0c8e2f3d46bbaebaa446fcf124f434e968a2fee595e (from https://pypi.org/simple/pip/), version: 6.0.6\n", + " Found link https://files.pythonhosted.org/packages/f6/ce/d9e4e178b66c766c117f62ddf4fece019ef9d50127a8926d2f60300d615e/pip-6.0.6.tar.gz#sha256=3a14091299dcdb9bab9e9004ae67ac401f2b1b14a7c98de074ca74fdddf4bfa0 (from https://pypi.org/simple/pip/), version: 6.0.6\n", + " Found link https://files.pythonhosted.org/packages/7a/8e/2bbd4fcf3ee06ee90ded5f39ec12f53165dfdb9ef25a981717ad38a16670/pip-6.0.7-py2.py3-none-any.whl#sha256=93a326304c7db749896bcef822bbbac1ab29dad5651c6d732e245975239890e6 (from https://pypi.org/simple/pip/), version: 6.0.7\n", + " Found link https://files.pythonhosted.org/packages/52/85/b160ebdaa84378df6bb0176d4eed9f57edca662446174eead7a9e2e566d6/pip-6.0.7.tar.gz#sha256=35a5a43ac6b7af83ed47ea5731a365f43d350a3a7267e039e5f06b61d42ab3c2 (from https://pypi.org/simple/pip/), version: 6.0.7\n", + " Found link https://files.pythonhosted.org/packages/63/65/55b71647adec1ad595bf0e5d76d028506dfc002df30c256f022ff7a660a5/pip-6.0.8-py2.py3-none-any.whl#sha256=3c22b0a8ff92727bd737a82f72700790591f177541df08c07bc1f90d6b72ac19 (from https://pypi.org/simple/pip/), version: 6.0.8\n", + " Found link https://files.pythonhosted.org/packages/ef/8a/e3a980bc0a7f791d72c1302f65763ed300f2e14c907ac033e01b44c79e5e/pip-6.0.8.tar.gz#sha256=0d58487a1b7f5be2e5e965c11afbea1dc44ecec8069de03491a4d0d6c85f4551 (from https://pypi.org/simple/pip/), version: 6.0.8\n", + " Found link https://files.pythonhosted.org/packages/24/fb/8a56a46243514681e569bbafd8146fa383476c4b7c725c8598c452366f31/pip-6.1.0-py2.py3-none-any.whl#sha256=435a018f6d29e34d4f901bf4e6860d8a5fa1816b68d62008c18ca062a306db31 (from https://pypi.org/simple/pip/), version: 6.1.0\n", + " Found link https://files.pythonhosted.org/packages/6c/84/432eb60bbcb414b9cdfcb135d5f4925e253c74e7d6916ada79990d6cc1a0/pip-6.1.0.tar.gz#sha256=89f120e2ab3d25ab70c36eb28ad4f280fc9ba71736e74d3055f609c1f9173768 (from https://pypi.org/simple/pip/), version: 6.1.0\n", + " Found link https://files.pythonhosted.org/packages/67/f0/ba0fb41dbdbfc4aa3e0c16b40269aca6b9e3d59cacdb646218aa2e9b1d2c/pip-6.1.1-py2.py3-none-any.whl#sha256=a67e54aa0f26b6d62ccec5cc6735eff205dd0fed075f56ac3d3111e91e4467fc (from https://pypi.org/simple/pip/), version: 6.1.1\n", + " Found link https://files.pythonhosted.org/packages/bf/85/871c126b50b8ee0b9819e8a63b614aedd264577e73478caedcd447e8f28c/pip-6.1.1.tar.gz#sha256=89f3b626d225e08e7f20d85044afa40f612eb3284484169813dc2d0631f2a556 (from https://pypi.org/simple/pip/), version: 6.1.1\n", + " Found link https://files.pythonhosted.org/packages/5a/9b/56d3c18d0784d5f2bbd446ea2dc7ffa7476c35e3dc223741d20cfee3b185/pip-7.0.0-py2.py3-none-any.whl#sha256=309c48399c7d68501a10ef206abd6e5c541fedbf84b95435d9063bd454b39df7 (from https://pypi.org/simple/pip/), version: 7.0.0\n", + " Found link https://files.pythonhosted.org/packages/c6/16/6475b142927ca5d03e3b7968efa5b0edd103e4684ecfde181a25f6fa2505/pip-7.0.0.tar.gz#sha256=7b46bfc1b95494731de306a688e2a7bc056d7fa7ad27e026908fb2ae67fed23d (from https://pypi.org/simple/pip/), version: 7.0.0\n", + " Found link https://files.pythonhosted.org/packages/5a/10/bb7a32c335bceba636aa673a4c977effa1e73a79f88856459486d8d670cf/pip-7.0.1-py2.py3-none-any.whl#sha256=d26b8573ba1ac1ec99a9bdbdffee2ff2b06c7790815211d0eb4dc1462a089705 (from https://pypi.org/simple/pip/), version: 7.0.1\n", + " Found link https://files.pythonhosted.org/packages/4a/83/9ae4362a80739657e0c8bb628ea3fa0214a9aba7c8590dacc301ea293f73/pip-7.0.1.tar.gz#sha256=cfec177552fdd0b2d12b72651c8e874f955b4c62c1c2c9f2588cbdc1c0d0d416 (from https://pypi.org/simple/pip/), version: 7.0.1\n", + " Found link https://files.pythonhosted.org/packages/64/7f/7107800ae0919a80afbf1ecba21b90890431c3ee79d700adac3c79cb6497/pip-7.0.2-py2.py3-none-any.whl#sha256=83c869c5ab7113866e2d69641ec470d47f0faae68ca4550a289a4d3db515ad65 (from https://pypi.org/simple/pip/), version: 7.0.2\n", + " Found link https://files.pythonhosted.org/packages/75/b1/66532c273bca0133e42c3b4540a1609289f16e3046f1830f18c60794d661/pip-7.0.2.tar.gz#sha256=ba28fa60b573a9444e7b78ccb3b0f261d1f66f46d20403f9dce37b18a6aed405 (from https://pypi.org/simple/pip/), version: 7.0.2\n", + " Found link https://files.pythonhosted.org/packages/96/76/33a598ae42dd0554207d83c7acc60e3b166dbde723cbf282f1f73b7a127c/pip-7.0.3-py2.py3-none-any.whl#sha256=7b1cb03e827d58d2d05e68ea96a9e27487ed4b0afcd951ac6e40847ce94f0738 (from https://pypi.org/simple/pip/), version: 7.0.3\n", + " Found link https://files.pythonhosted.org/packages/35/59/5b23115758ba0f2fc465c459611865173ef006202ba83f662d1f58ed2fb8/pip-7.0.3.tar.gz#sha256=b4c598825a6f6dc2cac65968feb28e6be6c1f7f1408493c60a07eaa731a0affd (from https://pypi.org/simple/pip/), version: 7.0.3\n", + " Found link https://files.pythonhosted.org/packages/f7/c0/9f8dac88326609b4b12b304e8382f64f7d5af7735a00d2fac36cf135fc30/pip-7.1.0-py2.py3-none-any.whl#sha256=80c29f899d3a00a448d65f8158544d22935baec7159af8da1a4fa1490ced481d (from https://pypi.org/simple/pip/), version: 7.1.0\n", + " Found link https://files.pythonhosted.org/packages/7e/71/3c6ece07a9a885650aa6607b0ebfdf6fc9a3ef8691c44b5e724e4eee7bf2/pip-7.1.0.tar.gz#sha256=d5275ba3221182a5dd1b6bcfbfc5ec277fb399dd23226d6fa018048f7e0f10f2 (from https://pypi.org/simple/pip/), version: 7.1.0\n", + " Found link https://files.pythonhosted.org/packages/1c/56/094d563c508917081bccff365e4f621ba33073c1c13aca9267a43cfcaf13/pip-7.1.1-py2.py3-none-any.whl#sha256=ce13000878d34c1178af76cb8cf269e232c00508c78ed46c165dd5b0881615f4 (from https://pypi.org/simple/pip/), version: 7.1.1\n", + " Found link https://files.pythonhosted.org/packages/3b/bb/b3f2a95494fd3f01d3b3ae530e7c0e910dc25e88e30787b0a5e10cbc0640/pip-7.1.1.tar.gz#sha256=b22fe3c93a13fc7c04f145a42fd2ad50a9e3e1b8a7eed2e2b1c66e540a0951da (from https://pypi.org/simple/pip/), version: 7.1.1\n", + " Found link https://files.pythonhosted.org/packages/b2/d0/cd115fe345dd6f07ec1c780020a7dfe74966fceeb171e0f20d1d4905b0b7/pip-7.1.2-py2.py3-none-any.whl#sha256=b9d3983b5cce04f842175e30169d2f869ef12c3546fd274083a65eada4e9708c (from https://pypi.org/simple/pip/), version: 7.1.2\n", + " Found link https://files.pythonhosted.org/packages/d0/92/1e8406c15d9372084a5bf79d96da3a0acc4e7fcf0b80020a4820897d2a5c/pip-7.1.2.tar.gz#sha256=ca047986f0528cfa975a14fb9f7f106271d4e0c3fe1ddced6c1db2e7ae57a477 (from https://pypi.org/simple/pip/), version: 7.1.2\n", + " Found link https://files.pythonhosted.org/packages/00/ae/bddef02881ee09c6a01a0d6541aa6c75a226a4e68b041be93142befa0cd6/pip-8.0.0-py2.py3-none-any.whl#sha256=262ed1823eb7fbe3f18a9bedb4800e59c4ab9a6682aff8c37b5ee83ea840910b (from https://pypi.org/simple/pip/), version: 8.0.0\n", + " Found link https://files.pythonhosted.org/packages/e3/2d/03c014d11e66628abf2fda5ca00f779cbe7b5292c5cd13d42a95b94aa9b8/pip-8.0.0.tar.gz#sha256=90112b296152f270cb8dddcd19b7b87488d9e002e8cf622e14c4da9c2f6319b1 (from https://pypi.org/simple/pip/), version: 8.0.0\n", + " Found link https://files.pythonhosted.org/packages/45/9c/6f9a24917c860873e2ce7bd95b8f79897524353df51d5d920cd6b6c1ec33/pip-8.0.1-py2.py3-none-any.whl#sha256=dedaac846bc74e38a3253671f51a056331ffca1da70e3f48d8128f2aa0635bba (from https://pypi.org/simple/pip/), version: 8.0.1\n", + " Found link https://files.pythonhosted.org/packages/ea/66/a3d6187bd307159fedf8575c0d9ee2294d13b1cdd11673ca812e6a2dda8f/pip-8.0.1.tar.gz#sha256=477c50b3e538a7ac0fa611fb8b877b04b33fb70d325b12a81b9dbf3eb1158a4d (from https://pypi.org/simple/pip/), version: 8.0.1\n", + " Found link https://files.pythonhosted.org/packages/e7/a0/bd35f5f978a5e925953ce02fa0f078a232f0f10fcbe543d8cfc043f74fda/pip-8.0.2-py2.py3-none-any.whl#sha256=249a6f3194be8c2e8cb4d4be3f6fd16a9f1e3336218caffa8e7419e3816f9988 (from https://pypi.org/simple/pip/), version: 8.0.2\n", + " Found link https://files.pythonhosted.org/packages/ce/15/ee1f9a84365423e9ef03d0f9ed0eba2fb00ac1fffdd33e7b52aea914d0f8/pip-8.0.2.tar.gz#sha256=46f4bd0d8dfd51125a554568d646fe4200a3c2c6c36b9f2d06d2212148439521 (from https://pypi.org/simple/pip/), version: 8.0.2\n", + " Found link https://files.pythonhosted.org/packages/ae/d4/2b127310f5364610b74c28e2e6a40bc19e2d3c9a9a4e012d3e333e767c99/pip-8.0.3-py2.py3-none-any.whl#sha256=b0335bc837f9edb5aad03bd43d0973b084a1cbe616f8188dc23ba13234dbd552 (from https://pypi.org/simple/pip/), version: 8.0.3\n", + " Found link https://files.pythonhosted.org/packages/22/f3/14bc87a4f6b5ec70b682765978a6f3105bf05b6781fa97e04d30138bd264/pip-8.0.3.tar.gz#sha256=30f98b66f3fe1069c529a491597d34a1c224a68640c82caf2ade5f88aa1405e8 (from https://pypi.org/simple/pip/), version: 8.0.3\n", + " Found link https://files.pythonhosted.org/packages/1e/c7/78440b3fb882ed001e6e12d8770bd45e73d6eced4e57f7c072b829ce8a3d/pip-8.1.0-py2.py3-none-any.whl#sha256=a542b99e08002ead83200198e19a3983270357e1cb4fe704247990b5b35471dc (from https://pypi.org/simple/pip/), version: 8.1.0\n", + " Found link https://files.pythonhosted.org/packages/3c/72/6981d5adf880adecb066a1a1a4c312a17f8d787a3b85446967964ac66d55/pip-8.1.0.tar.gz#sha256=d8faa75dd7d0737b16d50cd0a56dc91a631c79ecfd8d38b80f6ee929ec82043e (from https://pypi.org/simple/pip/), version: 8.1.0\n", + " Found link https://files.pythonhosted.org/packages/31/6a/0f19a7edef6c8e5065f4346137cc2a08e22e141942d66af2e1e72d851462/pip-8.1.1-py2.py3-none-any.whl#sha256=44b9c342782ab905c042c207d995aa069edc02621ddbdc2b9f25954a0fdac25c (from https://pypi.org/simple/pip/), version: 8.1.1\n", + " Found link https://files.pythonhosted.org/packages/41/27/9a8d24e1b55bd8c85e4d022da2922cb206f183e2d18fee4e320c9547e751/pip-8.1.1.tar.gz#sha256=3e78d3066aaeb633d185a57afdccf700aa2e660436b4af618bcb6ff0fa511798 (from https://pypi.org/simple/pip/), version: 8.1.1\n", + " Found link https://files.pythonhosted.org/packages/9c/32/004ce0852e0a127f07f358b715015763273799bd798956fa930814b60f39/pip-8.1.2-py2.py3-none-any.whl#sha256=6464dd9809fb34fc8df2bf49553bb11dac4c13d2ffa7a4f8038ad86a4ccb92a1 (from https://pypi.org/simple/pip/), version: 8.1.2\n", + " Found link https://files.pythonhosted.org/packages/e7/a8/7556133689add8d1a54c0b14aeff0acb03c64707ce100ecd53934da1aa13/pip-8.1.2.tar.gz#sha256=4d24b03ffa67638a3fa931c09fd9e0273ffa904e95ebebe7d4b1a54c93d7b732 (from https://pypi.org/simple/pip/), version: 8.1.2\n", + " Found link https://files.pythonhosted.org/packages/3f/ef/935d9296acc4f48d1791ee56a73781271dce9712b059b475d3f5fa78487b/pip-9.0.0-py2.py3-none-any.whl#sha256=c856ac18ca01e7127456f831926dc67cc7d3ab663f4c13b1ec156e36db4de574 (from https://pypi.org/simple/pip/) (requires-python:>=2.6,!=3.0.*,!=3.1.*,!=3.2.*), version: 9.0.0\n", + " Found link https://files.pythonhosted.org/packages/5e/53/eaef47e5e2f75677c9de0737acc84b659b78a71c4086f424f55346a341b5/pip-9.0.0.tar.gz#sha256=f62fb70e7e000e46fce12aaeca752e5281a5446977fe5a75ab4189a43b3f8793 (from https://pypi.org/simple/pip/) (requires-python:>=2.6,!=3.0.*,!=3.1.*,!=3.2.*), version: 9.0.0\n", + " Found link https://files.pythonhosted.org/packages/b6/ac/7015eb97dc749283ffdec1c3a88ddb8ae03b8fad0f0e611408f196358da3/pip-9.0.1-py2.py3-none-any.whl#sha256=690b762c0a8460c303c089d5d0be034fb15a5ea2b75bdf565f40421f542fefb0 (from https://pypi.org/simple/pip/) (requires-python:>=2.6,!=3.0.*,!=3.1.*,!=3.2.*), version: 9.0.1\n", + " Found link https://files.pythonhosted.org/packages/11/b6/abcb525026a4be042b486df43905d6893fb04f05aac21c32c638e939e447/pip-9.0.1.tar.gz#sha256=09f243e1a7b461f654c26a725fa373211bb7ff17a9300058b205c61658ca940d (from https://pypi.org/simple/pip/) (requires-python:>=2.6,!=3.0.*,!=3.1.*,!=3.2.*), version: 9.0.1\n", + " Found link https://files.pythonhosted.org/packages/e7/f9/e801dcea22886cd513f6bd2e8f7e581bd6f67bb8e8f1cd8e7b92d8539280/pip-9.0.2-py2.py3-none-any.whl#sha256=b135491ddb061f39719b8472d8abb59c613816a2b86069c332db74d1cd208ab2 (from https://pypi.org/simple/pip/) (requires-python:>=2.6,!=3.0.*,!=3.1.*,!=3.2.*), version: 9.0.2\n", + " Found link https://files.pythonhosted.org/packages/e5/8f/3fc66461992dc9e9fcf5e005687d5f676729172dda640df2fd8b597a6da7/pip-9.0.2.tar.gz#sha256=88110a224e9d30e5d76592a0b2130ef10e7e67a6426e8617bb918fffbfe91fe5 (from https://pypi.org/simple/pip/) (requires-python:>=2.6,!=3.0.*,!=3.1.*,!=3.2.*), version: 9.0.2\n", + " Found link https://files.pythonhosted.org/packages/ac/95/a05b56bb975efa78d3557efa36acaf9cf5d2fd0ee0062060493687432e03/pip-9.0.3-py2.py3-none-any.whl#sha256=c3ede34530e0e0b2381e7363aded78e0c33291654937e7373032fda04e8803e5 (from https://pypi.org/simple/pip/) (requires-python:>=2.6,!=3.0.*,!=3.1.*,!=3.2.*), version: 9.0.3\n", + " Found link https://files.pythonhosted.org/packages/c4/44/e6b8056b6c8f2bfd1445cc9990f478930d8e3459e9dbf5b8e2d2922d64d3/pip-9.0.3.tar.gz#sha256=7bf48f9a693be1d58f49f7af7e0ae9fe29fd671cde8a55e6edca3581c4ef5796 (from https://pypi.org/simple/pip/) (requires-python:>=2.6,!=3.0.*,!=3.1.*,!=3.2.*), version: 9.0.3\n", + " Found link https://files.pythonhosted.org/packages/4b/5a/8544ae02a5bd28464e03af045e8aabde20a7b02db1911a9159328e1eb25a/pip-10.0.0b1-py2.py3-none-any.whl#sha256=dbd5d24cd461be23429625085a36cc8732cbcac4d2aaf673031f80f6ac07d844 (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*), version: 10.0.0b1\n", + " Found link https://files.pythonhosted.org/packages/aa/6d/ffbb86abf18b750fb26f27eda7c7732df2aacaa669c420d2eb2ad6df3458/pip-10.0.0b1.tar.gz#sha256=8d6e63d8b99752e4b53f272b66f9cd7b59e2b288e9a863a61c48d167203a2656 (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*), version: 10.0.0b1\n", + " Found link https://files.pythonhosted.org/packages/97/72/1d514201e7d7fc7fff5aac3de9c7b892cd72fb4bf23fd983630df96f7412/pip-10.0.0b2-py2.py3-none-any.whl#sha256=79f55588912f1b2b4f86f96f11e329bb01b25a484e2204f245128b927b1038a7 (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*), version: 10.0.0b2\n", + " Found link https://files.pythonhosted.org/packages/32/67/572f642e6e42c580d3154964cfbab7d9322c23b0f417c6c01fdd206a2777/pip-10.0.0b2.tar.gz#sha256=ad6adec2150ce4aed8f6134d9b77d928fc848dbcb887fb1a455988cf99da5cae (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*), version: 10.0.0b2\n", + " Found link https://files.pythonhosted.org/packages/62/a1/0d452b6901b0157a0134fd27ba89bf95a857fbda64ba52e1ca2cf61d8412/pip-10.0.0-py2.py3-none-any.whl#sha256=86a60a96d85e329962a9e6f6af612cbc11106293dbc83f119802b5bee9874cf3 (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*), version: 10.0.0\n", + " Found link https://files.pythonhosted.org/packages/e0/69/983a8e47d3dfb51e1463c1e962b2ccd1d74ec4e236e232625e353d830ed2/pip-10.0.0.tar.gz#sha256=f05a3eeea64bce94e85cc6671d679473d66288a4d37c3fcf983584954096b34f (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*), version: 10.0.0\n", + " Found link https://files.pythonhosted.org/packages/0f/74/ecd13431bcc456ed390b44c8a6e917c1820365cbebcb6a8974d1cd045ab4/pip-10.0.1-py2.py3-none-any.whl#sha256=717cdffb2833be8409433a93746744b59505f42146e8d37de6c62b430e25d6d7 (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*), version: 10.0.1\n", + " Found link https://files.pythonhosted.org/packages/ae/e8/2340d46ecadb1692a1e455f13f75e596d4eab3d11a57446f08259dee8f02/pip-10.0.1.tar.gz#sha256=f2bd08e0cd1b06e10218feaf6fef299f473ba706582eb3bd9d52203fdbd7ee68 (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*), version: 10.0.1\n", + " Found link https://files.pythonhosted.org/packages/5f/25/e52d3f31441505a5f3af41213346e5b6c221c9e086a166f3703d2ddaf940/pip-18.0-py2.py3-none-any.whl#sha256=070e4bf493c7c2c9f6a08dd797dd3c066d64074c38e9e8a0fb4e6541f266d96c (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*), version: 18.0\n", + " Found link https://files.pythonhosted.org/packages/69/81/52b68d0a4de760a2f1979b0931ba7889202f302072cc7a0d614211bc7579/pip-18.0.tar.gz#sha256=a0e11645ee37c90b40c46d607070c4fd583e2cd46231b1c06e389c5e814eed76 (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*), version: 18.0\n", + " Found link https://files.pythonhosted.org/packages/c2/d7/90f34cb0d83a6c5631cf71dfe64cc1054598c843a92b400e55675cc2ac37/pip-18.1-py2.py3-none-any.whl#sha256=7909d0a0932e88ea53a7014dfd14522ffef91a464daaaf5c573343852ef98550 (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*), version: 18.1\n", + " Found link https://files.pythonhosted.org/packages/45/ae/8a0ad77defb7cc903f09e551d88b443304a9bd6e6f124e75c0fbbf6de8f7/pip-18.1.tar.gz#sha256=c0a292bd977ef590379a3f05d7b7f65135487b67470f6281289a94e015650ea1 (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*), version: 18.1\n", + " Found link https://files.pythonhosted.org/packages/60/64/73b729587b6b0d13e690a7c3acd2231ee561e8dd28a58ae1b0409a5a2b20/pip-19.0-py2.py3-none-any.whl#sha256=249ab0de4c1cef3dba4cf3f8cca722a07fc447b1692acd9f84e19c646db04c9a (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*), version: 19.0\n", + " Found link https://files.pythonhosted.org/packages/11/31/c483614095176ddfa06ac99c2af4171375053b270842c7865ca0b4438dc1/pip-19.0.tar.gz#sha256=c82bf8bc00c5732f0dd49ac1dea79b6242a1bd42a5012e308ed4f04369b17e54 (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*), version: 19.0\n", + " Found link https://files.pythonhosted.org/packages/46/dc/7fd5df840efb3e56c8b4f768793a237ec4ee59891959d6a215d63f727023/pip-19.0.1-py2.py3-none-any.whl#sha256=aae79c7afe895fb986ec751564f24d97df1331bb99cdfec6f70dada2f40c0044 (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*), version: 19.0.1\n", + " Found link https://files.pythonhosted.org/packages/c8/89/ad7f27938e59db1f0f55ce214087460f65048626e2226531ba6cb6da15f0/pip-19.0.1.tar.gz#sha256=e81ddd35e361b630e94abeda4a1eddd36d47a90e71eb00f38f46b57f787cd1a5 (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*), version: 19.0.1\n", + " Found link https://files.pythonhosted.org/packages/d7/41/34dd96bd33958e52cb4da2f1bf0818e396514fd4f4725a79199564cd0c20/pip-19.0.2-py2.py3-none-any.whl#sha256=6a59f1083a63851aeef60c7d68b119b46af11d9d803ddc1cf927b58edcd0b312 (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*), version: 19.0.2\n", + " Found link https://files.pythonhosted.org/packages/4c/4d/88bc9413da11702cbbace3ccc51350ae099bb351febae8acc85fec34f9af/pip-19.0.2.tar.gz#sha256=f851133f8b58283fa50d8c78675eb88d4ff4cde29b6c41205cd938b06338e0e5 (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*), version: 19.0.2\n", + " Found link https://files.pythonhosted.org/packages/d8/f3/413bab4ff08e1fc4828dfc59996d721917df8e8583ea85385d51125dceff/pip-19.0.3-py2.py3-none-any.whl#sha256=bd812612bbd8ba84159d9ddc0266b7fbce712fc9bc98c82dee5750546ec8ec64 (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*), version: 19.0.3\n", + " Found link https://files.pythonhosted.org/packages/36/fa/51ca4d57392e2f69397cd6e5af23da2a8d37884a605f9e3f2d3bfdc48397/pip-19.0.3.tar.gz#sha256=6e6f197a1abfb45118dbb878b5c859a0edbdd33fd250100bc015b67fded4b9f2 (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*), version: 19.0.3\n", + " Found link https://files.pythonhosted.org/packages/f9/fb/863012b13912709c13cf5cfdbfb304fa6c727659d6290438e1a88df9d848/pip-19.1-py2.py3-none-any.whl#sha256=8f59b6cf84584d7962d79fd1be7a8ec0eb198aa52ea864896551736b3614eee9 (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*), version: 19.1\n", + " Found link https://files.pythonhosted.org/packages/51/5f/802a04274843f634469ef299fcd273de4438386deb7b8681dd059f0ee3b7/pip-19.1.tar.gz#sha256=d9137cb543d8a4d73140a3282f6d777b2e786bb6abb8add3ac5b6539c82cd624 (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*), version: 19.1\n", + " Found link https://files.pythonhosted.org/packages/5c/e0/be401c003291b56efc55aeba6a80ab790d3d4cece2778288d65323009420/pip-19.1.1-py2.py3-none-any.whl#sha256=993134f0475471b91452ca029d4390dc8f298ac63a712814f101cd1b6db46676 (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*), version: 19.1.1\n", + " Found link https://files.pythonhosted.org/packages/93/ab/f86b61bef7ab14909bd7ec3cd2178feb0a1c86d451bc9bccd5a1aedcde5f/pip-19.1.1.tar.gz#sha256=44d3d7d3d30a1eb65c7e5ff1173cdf8f7467850605ac7cc3707b6064bddd0958 (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*), version: 19.1.1\n", + " Found link https://files.pythonhosted.org/packages/3a/6f/35de4f49ae5c7fdb2b64097ab195020fb48faa8ad3a85386ece6953c11b1/pip-19.2-py2.py3-none-any.whl#sha256=468c67b0b1120cd0329dc72972cf0651310783a922e7609f3102bd5fb4acbf17 (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*,!=3.4.*), version: 19.2\n", + " Found link https://files.pythonhosted.org/packages/41/13/b6e68eae78405af6e4e9a93319ae5bb371057786f1590b157341f7542d7d/pip-19.2.tar.gz#sha256=aa6fdd80d13caac75d92b5eced06778712859b1606ba92d62389c11be12b2dad (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*,!=3.4.*), version: 19.2\n", + " Found link https://files.pythonhosted.org/packages/62/ca/94d32a6516ed197a491d17d46595ce58a83cbb2fca280414e57cd86b84dc/pip-19.2.1-py2.py3-none-any.whl#sha256=80d7452630a67c1e7763b5f0a515690f2c1e9ad06dda48e0ae85b7fdf2f59d97 (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*,!=3.4.*), version: 19.2.1\n", + " Found link https://files.pythonhosted.org/packages/8b/8a/1b2aadd922db1afe6bc107b03de41d6d37a28a5923383e60695fba24ae81/pip-19.2.1.tar.gz#sha256=258d702483dd749400aec59c23d638a5b2249ae28a0f478b6cab12ad45681a80 (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*,!=3.4.*), version: 19.2.1\n", + " Found link https://files.pythonhosted.org/packages/8d/07/f7d7ced2f97ca3098c16565efbe6b15fafcba53e8d9bdb431e09140514b0/pip-19.2.2-py2.py3-none-any.whl#sha256=4b956bd8b7b481fc5fa222637ff6d0823a327e5118178f1ec47618a480e61997 (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*,!=3.4.*), version: 19.2.2\n", + " Found link https://files.pythonhosted.org/packages/aa/1a/62fb0b95b1572c76dbc3cc31124a8b6866cbe9139eb7659ac7349457cf7c/pip-19.2.2.tar.gz#sha256=e05103825871e210d50a44c7e448587b0ed99dd775d3ef586304c58f40224a53 (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*,!=3.4.*), version: 19.2.2\n", + " Found link https://files.pythonhosted.org/packages/30/db/9e38760b32e3e7f40cce46dd5fb107b8c73840df38f0046d8e6514e675a1/pip-19.2.3-py2.py3-none-any.whl#sha256=340a0ba40fdeb16413914c0fcd8e0b4ebb0bf39a900ec80e11c05d836c05103f (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*,!=3.4.*), version: 19.2.3\n", + " Found link https://files.pythonhosted.org/packages/00/9e/4c83a0950d8bdec0b4ca72afd2f9cea92d08eb7c1a768363f2ea458d08b4/pip-19.2.3.tar.gz#sha256=e7a31f147974362e6c82d84b91c7f2bdf57e4d3163d3d454e6c3e71944d67135 (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*,!=3.4.*), version: 19.2.3\n", + " Found link https://files.pythonhosted.org/packages/4a/08/6ca123073af4ebc4c5488a5bc8a010ac57aa39ce4d3c8a931ad504de4185/pip-19.3-py2.py3-none-any.whl#sha256=e100a7eccf085f0720b4478d3bb838e1c179b1e128ec01c0403f84e86e0e2dfb (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*,!=3.4.*), version: 19.3\n", + " Found link https://files.pythonhosted.org/packages/af/7a/5dd1e6efc894613c432ce86f1011fcc3bbd8ac07dfeae6393b7b97f1de8b/pip-19.3.tar.gz#sha256=324d234b8f6124846b4e390df255cacbe09ce22791c3b714aa1ea6e44a4f2861 (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*,!=3.4.*), version: 19.3\n", + " Found link https://files.pythonhosted.org/packages/00/b6/9cfa56b4081ad13874b0c6f96af8ce16cfbc1cb06bedf8e9164ce5551ec1/pip-19.3.1-py2.py3-none-any.whl#sha256=6917c65fc3769ecdc61405d3dfd97afdedd75808d200b2838d7d961cebc0c2c7 (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*,!=3.4.*), version: 19.3.1\n", + " Found link https://files.pythonhosted.org/packages/ce/ea/9b445176a65ae4ba22dce1d93e4b5fe182f953df71a145f557cffaffc1bf/pip-19.3.1.tar.gz#sha256=21207d76c1031e517668898a6b46a9fb1501c7a4710ef5dfd6a40ad9e6757ea7 (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*,!=3.4.*), version: 19.3.1\n", + " Skipping link: yanked for reason: : https://files.pythonhosted.org/packages/60/65/16487a7c4e0f95bb3fc89c2e377be331fd496b7a9b08fd3077de7f3ae2cf/pip-20.0-py2.py3-none-any.whl#sha256=eea07b449d969dbc8c062c157852cf8ed2ad1b8b5ac965a6b819e62929e41703 (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*,!=3.4.*)\n", + " Skipping link: yanked for reason: : https://files.pythonhosted.org/packages/8c/5c/c18d58ab5c1a702bf670e0bd6a77cd4645e4aeca021c6118ef850895cc96/pip-20.0.tar.gz#sha256=5128e9a9401f1d16c1d15b2ed766a79d7813db1538428d0b0ce74838249e3a41 (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*,!=3.4.*)\n", + " Found link https://files.pythonhosted.org/packages/57/36/67f809c135c17ec9b8276466cc57f35b98c240f55c780689ea29fa32f512/pip-20.0.1-py2.py3-none-any.whl#sha256=b7110a319790ae17e8105ecd6fe07dbcc098a280c6d27b6dd7a20174927c24d7 (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*,!=3.4.*), version: 20.0.1\n", + " Found link https://files.pythonhosted.org/packages/28/af/2c76c8aa46ccdf7578b83d97a11a2d1858794d4be4a1610ade0d30182e8b/pip-20.0.1.tar.gz#sha256=3cebbac2a1502e09265f94e5717408339de846b3c0f0ed086d7b817df9cab822 (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*,!=3.4.*), version: 20.0.1\n", + " Found link https://files.pythonhosted.org/packages/54/0c/d01aa759fdc501a58f431eb594a17495f15b88da142ce14b5845662c13f3/pip-20.0.2-py2.py3-none-any.whl#sha256=4ae14a42d8adba3205ebeb38aa68cfc0b6c346e1ae2e699a0b3bad4da19cef5c (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*,!=3.4.*), version: 20.0.2\n", + " Found link https://files.pythonhosted.org/packages/8e/76/66066b7bc71817238924c7e4b448abdb17eb0c92d645769c223f9ace478f/pip-20.0.2.tar.gz#sha256=7db0c8ea4c7ea51c8049640e8e6e7fde949de672bfa4949920675563a5a6967f (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*,!=3.4.*), version: 20.0.2\n", + " Found link https://files.pythonhosted.org/packages/ec/05/82d3fababbf462d876883ebc36f030f4fa057a563a80f5a26ee63679d9ea/pip-20.1b1-py2.py3-none-any.whl#sha256=4cf0348b683937da883ccaae8c8bcfc9b4c7ba4c48b38cc2d89cd7b8d0b220d9 (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*,!=3.4.*), version: 20.1b1\n", + " Found link https://files.pythonhosted.org/packages/cd/81/c1184456fe506bd50992571c9f8581907976ce71502e36741f033e2da1f1/pip-20.1b1.tar.gz#sha256=699880a47f6d306f4f9a87ca151ef33d41d2223b81ff343b786d38c297923a19 (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*,!=3.4.*), version: 20.1b1\n", + " Found link https://files.pythonhosted.org/packages/54/2e/df11ea7e23e7e761d484ed3740285a34e38548cf2bad2bed3dd5768ec8b9/pip-20.1-py2.py3-none-any.whl#sha256=4fdc7fd2db7636777d28d2e1432e2876e30c2b790d461f135716577f73104369 (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*,!=3.4.*), version: 20.1\n", + " Found link https://files.pythonhosted.org/packages/d1/05/059c78cd5d740d2299266ffa15514dad6692d4694df571bf168e2cdd98fb/pip-20.1.tar.gz#sha256=572c0f25eca7c87217b21f6945b7192744103b18f4e4b16b8a83b227a811e192 (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*,!=3.4.*), version: 20.1\n", + " Found link https://files.pythonhosted.org/packages/43/84/23ed6a1796480a6f1a2d38f2802901d078266bda38388954d01d3f2e821d/pip-20.1.1-py2.py3-none-any.whl#sha256=b27c4dedae8c41aa59108f2fa38bf78e0890e590545bc8ece7cdceb4ba60f6e4 (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*,!=3.4.*), version: 20.1.1\n", + " Found link https://files.pythonhosted.org/packages/08/25/f204a6138dade2f6757b4ae99bc3994aac28a5602c97ddb2a35e0e22fbc4/pip-20.1.1.tar.gz#sha256=27f8dc29387dd83249e06e681ce087e6061826582198a425085e0bf4c1cf3a55 (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*,!=3.4.*), version: 20.1.1\n", + " Found link https://files.pythonhosted.org/packages/fe/3b/0fc5e63eb277d5a50a95ce5c896f742ef243be27382303a4a44dd0197e29/pip-20.2b1-py2.py3-none-any.whl#sha256=b4e230e2b8ece18c5a19b818f3c20a8d4eeac8172962779fd9898d7c4ceb1636 (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*,!=3.4.*), version: 20.2b1\n", + " Found link https://files.pythonhosted.org/packages/77/3e/6a1fd8e08a06e3e0f54182c7c937bba3f4e9cf1b26f54946d3915021ea2e/pip-20.2b1.tar.gz#sha256=dbf65ecb1c30d35d72f5fda052fcd2f1ea9aca8eaf03d930846d990f51d3f6f6 (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*,!=3.4.*), version: 20.2b1\n", + "Given no hashes to check 139 links for project 'pip': discarding no candidates\n" + ] + } + ], + "source": [ + "!sh setup.sh" + ] + }, + { + "cell_type": "code", + "execution_count": 10, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Non-user install because site-packages writeable\n", + "Created temporary directory: /tmp/pip-ephem-wheel-cache-udpsq2ng\n", + "Created temporary directory: /tmp/pip-req-tracker-7ul6fie4\n", + "Initialized build tracking at /tmp/pip-req-tracker-7ul6fie4\n", + "Created build tracker: /tmp/pip-req-tracker-7ul6fie4\n", + "Entered build tracker: /tmp/pip-req-tracker-7ul6fie4\n", + "Created temporary directory: /tmp/pip-install-r9ff3z72\n", + "Processing ./apex\n", + " Created temporary directory: /tmp/pip-req-build-_z4pjgjj\n", + " Added file:///root/apex to build tracker '/tmp/pip-req-tracker-7ul6fie4'\n", + " Running setup.py (path:/tmp/pip-req-build-_z4pjgjj/setup.py) egg_info for package from file:///root/apex\n", + " Running command python setup.py egg_info\n", + "\n", + "\n", + " torch.__version__ = 1.5.0+cu101\n", + "\n", + "\n", + " running egg_info\n", + " creating /tmp/pip-req-build-_z4pjgjj/pip-egg-info/apex.egg-info\n", + " writing /tmp/pip-req-build-_z4pjgjj/pip-egg-info/apex.egg-info/PKG-INFO\n", + " writing dependency_links to /tmp/pip-req-build-_z4pjgjj/pip-egg-info/apex.egg-info/dependency_links.txt\n", + " writing top-level names to /tmp/pip-req-build-_z4pjgjj/pip-egg-info/apex.egg-info/top_level.txt\n", + " writing manifest file '/tmp/pip-req-build-_z4pjgjj/pip-egg-info/apex.egg-info/SOURCES.txt'\n", + " reading manifest file '/tmp/pip-req-build-_z4pjgjj/pip-egg-info/apex.egg-info/SOURCES.txt'\n", + " writing manifest file '/tmp/pip-req-build-_z4pjgjj/pip-egg-info/apex.egg-info/SOURCES.txt'\n", + " /tmp/pip-req-build-_z4pjgjj/setup.py:51: UserWarning: Option --pyprof not specified. Not installing PyProf dependencies!\n", + " warnings.warn(\"Option --pyprof not specified. Not installing PyProf dependencies!\")\n", + " Source in /tmp/pip-req-build-_z4pjgjj has version 0.1, which satisfies requirement apex==0.1 from file:///root/apex\n", + " Removed apex==0.1 from file:///root/apex from build tracker '/tmp/pip-req-tracker-7ul6fie4'\n", + "Building wheels for collected packages: apex\n", + " Created temporary directory: /tmp/pip-wheel-ahcbqj_2\n", + " Building wheel for apex (setup.py) ... \u001b[?25l Destination directory: /tmp/pip-wheel-ahcbqj_2\n", + " Running command /opt/conda/bin/python -u -c 'import sys, setuptools, tokenize; sys.argv[0] = '\"'\"'/tmp/pip-req-build-_z4pjgjj/setup.py'\"'\"'; __file__='\"'\"'/tmp/pip-req-build-_z4pjgjj/setup.py'\"'\"';f=getattr(tokenize, '\"'\"'open'\"'\"', open)(__file__);code=f.read().replace('\"'\"'\\r\\n'\"'\"', '\"'\"'\\n'\"'\"');f.close();exec(compile(code, __file__, '\"'\"'exec'\"'\"'))' bdist_wheel -d /tmp/pip-wheel-ahcbqj_2\n", + "\n", + "\n", + " torch.__version__ = 1.5.0+cu101\n", + "\n", + "\n", + " /tmp/pip-req-build-_z4pjgjj/setup.py:51: UserWarning: Option --pyprof not specified. Not installing PyProf dependencies!\n", + " warnings.warn(\"Option --pyprof not specified. Not installing PyProf dependencies!\")\n", + " running bdist_wheel\n", + " running build\n", + " running build_py\n", + " creating build/lib\n", + " creating build/lib/apex\n", + " copying apex/__init__.py -> build/lib/apex\n", + " creating build/lib/apex/normalization\n", + " copying apex/normalization/fused_layer_norm.py -> build/lib/apex/normalization\n", + " copying apex/normalization/__init__.py -> build/lib/apex/normalization\n", + " creating build/lib/apex/contrib\n", + " copying apex/contrib/__init__.py -> build/lib/apex/contrib\n", + " creating build/lib/apex/amp\n", + " copying apex/amp/compat.py -> build/lib/apex/amp\n", + " copying apex/amp/scaler.py -> build/lib/apex/amp\n", + " copying apex/amp/amp.py -> build/lib/apex/amp\n", + " copying apex/amp/__version__.py -> build/lib/apex/amp\n", + " copying apex/amp/_amp_state.py -> build/lib/apex/amp\n", + " copying apex/amp/rnn_compat.py -> build/lib/apex/amp\n", + " copying apex/amp/_initialize.py -> build/lib/apex/amp\n", + " copying apex/amp/_process_optimizer.py -> build/lib/apex/amp\n", + " copying apex/amp/handle.py -> build/lib/apex/amp\n", + " copying apex/amp/utils.py -> build/lib/apex/amp\n", + " copying apex/amp/__init__.py -> build/lib/apex/amp\n", + " copying apex/amp/opt.py -> build/lib/apex/amp\n", + " copying apex/amp/frontend.py -> build/lib/apex/amp\n", + " copying apex/amp/wrap.py -> build/lib/apex/amp\n", + " creating build/lib/apex/parallel\n", + " copying apex/parallel/__init__.py -> build/lib/apex/parallel\n", + " copying apex/parallel/distributed.py -> build/lib/apex/parallel\n", + " copying apex/parallel/sync_batchnorm.py -> build/lib/apex/parallel\n", + " copying apex/parallel/sync_batchnorm_kernel.py -> build/lib/apex/parallel\n", + " copying apex/parallel/optimized_sync_batchnorm.py -> build/lib/apex/parallel\n", + " copying apex/parallel/optimized_sync_batchnorm_kernel.py -> build/lib/apex/parallel\n", + " copying apex/parallel/LARC.py -> build/lib/apex/parallel\n", + " copying apex/parallel/multiproc.py -> build/lib/apex/parallel\n", + " creating build/lib/apex/reparameterization\n", + " copying apex/reparameterization/weight_norm.py -> build/lib/apex/reparameterization\n", + " copying apex/reparameterization/__init__.py -> build/lib/apex/reparameterization\n", + " copying apex/reparameterization/reparameterization.py -> build/lib/apex/reparameterization\n", + " creating build/lib/apex/optimizers\n", + " copying apex/optimizers/__init__.py -> build/lib/apex/optimizers\n", + " copying apex/optimizers/fused_adagrad.py -> build/lib/apex/optimizers\n", + " copying apex/optimizers/fused_sgd.py -> build/lib/apex/optimizers\n", + " copying apex/optimizers/fused_adam.py -> build/lib/apex/optimizers\n", + " copying apex/optimizers/fused_novograd.py -> build/lib/apex/optimizers\n", + " copying apex/optimizers/fused_lamb.py -> build/lib/apex/optimizers\n", + " creating build/lib/apex/pyprof\n", + " copying apex/pyprof/__init__.py -> build/lib/apex/pyprof\n", + " creating build/lib/apex/multi_tensor_apply\n", + " copying apex/multi_tensor_apply/multi_tensor_apply.py -> build/lib/apex/multi_tensor_apply\n", + " copying apex/multi_tensor_apply/__init__.py -> build/lib/apex/multi_tensor_apply\n", + " creating build/lib/apex/mlp\n", + " copying apex/mlp/__init__.py -> build/lib/apex/mlp\n", + " copying apex/mlp/mlp.py -> build/lib/apex/mlp\n", + " creating build/lib/apex/fp16_utils\n", + " copying apex/fp16_utils/fp16util.py -> build/lib/apex/fp16_utils\n", + " copying apex/fp16_utils/fp16_optimizer.py -> build/lib/apex/fp16_utils\n", + " copying apex/fp16_utils/loss_scaler.py -> build/lib/apex/fp16_utils\n", + " copying apex/fp16_utils/__init__.py -> build/lib/apex/fp16_utils\n", + " creating build/lib/apex/RNN\n", + " copying apex/RNN/__init__.py -> build/lib/apex/RNN\n", + " copying apex/RNN/cells.py -> build/lib/apex/RNN\n", + " copying apex/RNN/RNNBackend.py -> build/lib/apex/RNN\n", + " copying apex/RNN/models.py -> build/lib/apex/RNN\n", + " creating build/lib/apex/contrib/groupbn\n", + " copying apex/contrib/groupbn/__init__.py -> build/lib/apex/contrib/groupbn\n", + " copying apex/contrib/groupbn/batch_norm.py -> build/lib/apex/contrib/groupbn\n", + " creating build/lib/apex/contrib/optimizers\n", + " copying apex/contrib/optimizers/__init__.py -> build/lib/apex/contrib/optimizers\n", + " copying apex/contrib/optimizers/fused_sgd.py -> build/lib/apex/contrib/optimizers\n", + " copying apex/contrib/optimizers/distributed_fused_adam_v2.py -> build/lib/apex/contrib/optimizers\n", + " copying apex/contrib/optimizers/distributed_fused_lamb.py -> build/lib/apex/contrib/optimizers\n", + " copying apex/contrib/optimizers/fp16_optimizer.py -> build/lib/apex/contrib/optimizers\n", + " copying apex/contrib/optimizers/fused_adam.py -> build/lib/apex/contrib/optimizers\n", + " copying apex/contrib/optimizers/distributed_fused_adam_v3.py -> build/lib/apex/contrib/optimizers\n", + " copying apex/contrib/optimizers/fused_lamb.py -> build/lib/apex/contrib/optimizers\n", + " copying apex/contrib/optimizers/distributed_fused_adam.py -> build/lib/apex/contrib/optimizers\n", + " creating build/lib/apex/contrib/multihead_attn\n", + " copying apex/contrib/multihead_attn/self_multihead_attn.py -> build/lib/apex/contrib/multihead_attn\n", + " copying apex/contrib/multihead_attn/encdec_multihead_attn.py -> build/lib/apex/contrib/multihead_attn\n", + " copying apex/contrib/multihead_attn/fast_encdec_multihead_attn_norm_add_func.py -> build/lib/apex/contrib/multihead_attn\n", + " copying apex/contrib/multihead_attn/encdec_multihead_attn_func.py -> build/lib/apex/contrib/multihead_attn\n", + " copying apex/contrib/multihead_attn/__init__.py -> build/lib/apex/contrib/multihead_attn\n", + " copying apex/contrib/multihead_attn/fast_self_multihead_attn_func.py -> build/lib/apex/contrib/multihead_attn\n", + " copying apex/contrib/multihead_attn/fast_encdec_multihead_attn_func.py -> build/lib/apex/contrib/multihead_attn\n", + " copying apex/contrib/multihead_attn/mask_softmax_dropout_func.py -> build/lib/apex/contrib/multihead_attn\n", + " copying apex/contrib/multihead_attn/fast_self_multihead_attn_norm_add_func.py -> build/lib/apex/contrib/multihead_attn\n", + " copying apex/contrib/multihead_attn/self_multihead_attn_func.py -> build/lib/apex/contrib/multihead_attn\n", + " creating build/lib/apex/contrib/xentropy\n", + " copying apex/contrib/xentropy/__init__.py -> build/lib/apex/contrib/xentropy\n", + " copying apex/contrib/xentropy/softmax_xentropy.py -> build/lib/apex/contrib/xentropy\n", + " creating build/lib/apex/amp/lists\n", + " copying apex/amp/lists/functional_overrides.py -> build/lib/apex/amp/lists\n", + " copying apex/amp/lists/torch_overrides.py -> build/lib/apex/amp/lists\n", + " copying apex/amp/lists/__init__.py -> build/lib/apex/amp/lists\n", + " copying apex/amp/lists/tensor_overrides.py -> build/lib/apex/amp/lists\n", + " creating build/lib/apex/pyprof/nvtx\n", + " copying apex/pyprof/nvtx/__init__.py -> build/lib/apex/pyprof/nvtx\n", + " copying apex/pyprof/nvtx/nvmarker.py -> build/lib/apex/pyprof/nvtx\n", + " creating build/lib/apex/pyprof/prof\n", + " copying apex/pyprof/prof/normalization.py -> build/lib/apex/pyprof/prof\n", + " copying apex/pyprof/prof/softmax.py -> build/lib/apex/pyprof/prof\n", + " copying apex/pyprof/prof/embedding.py -> build/lib/apex/pyprof/prof\n", + " copying apex/pyprof/prof/loss.py -> build/lib/apex/pyprof/prof\n", + " copying apex/pyprof/prof/pooling.py -> build/lib/apex/pyprof/prof\n", + " copying apex/pyprof/prof/data.py -> build/lib/apex/pyprof/prof\n", + " copying apex/pyprof/prof/__init__.py -> build/lib/apex/pyprof/prof\n", + " copying apex/pyprof/prof/randomSample.py -> build/lib/apex/pyprof/prof\n", + " copying apex/pyprof/prof/output.py -> build/lib/apex/pyprof/prof\n", + " copying apex/pyprof/prof/reduction.py -> build/lib/apex/pyprof/prof\n", + " copying apex/pyprof/prof/convert.py -> build/lib/apex/pyprof/prof\n", + " copying apex/pyprof/prof/activation.py -> build/lib/apex/pyprof/prof\n", + " copying apex/pyprof/prof/optim.py -> build/lib/apex/pyprof/prof\n", + " copying apex/pyprof/prof/conv.py -> build/lib/apex/pyprof/prof\n", + " copying apex/pyprof/prof/base.py -> build/lib/apex/pyprof/prof\n", + " copying apex/pyprof/prof/misc.py -> build/lib/apex/pyprof/prof\n", + " copying apex/pyprof/prof/prof.py -> build/lib/apex/pyprof/prof\n", + " copying apex/pyprof/prof/index_slice_join_mutate.py -> build/lib/apex/pyprof/prof\n", + " copying apex/pyprof/prof/recurrentCell.py -> build/lib/apex/pyprof/prof\n", + " copying apex/pyprof/prof/__main__.py -> build/lib/apex/pyprof/prof\n", + " copying apex/pyprof/prof/blas.py -> build/lib/apex/pyprof/prof\n", + " copying apex/pyprof/prof/usage.py -> build/lib/apex/pyprof/prof\n", + " copying apex/pyprof/prof/utility.py -> build/lib/apex/pyprof/prof\n", + " copying apex/pyprof/prof/dropout.py -> build/lib/apex/pyprof/prof\n", + " copying apex/pyprof/prof/pointwise.py -> build/lib/apex/pyprof/prof\n", + " copying apex/pyprof/prof/linear.py -> build/lib/apex/pyprof/prof\n", + " creating build/lib/apex/pyprof/parse\n", + " copying apex/pyprof/parse/kernel.py -> build/lib/apex/pyprof/parse\n", + " copying apex/pyprof/parse/nvvp.py -> build/lib/apex/pyprof/parse\n", + " copying apex/pyprof/parse/db.py -> build/lib/apex/pyprof/parse\n", + " copying apex/pyprof/parse/__main__.py -> build/lib/apex/pyprof/parse\n", + " copying apex/pyprof/parse/__init__.py -> build/lib/apex/pyprof/parse\n", + " copying apex/pyprof/parse/parse.py -> build/lib/apex/pyprof/parse\n", + " installing to build/bdist.linux-x86_64/wheel\n", + " running install\n", + " running install_lib\n", + " creating build/bdist.linux-x86_64\n", + " creating build/bdist.linux-x86_64/wheel\n", + " creating build/bdist.linux-x86_64/wheel/apex\n", + " creating build/bdist.linux-x86_64/wheel/apex/pyprof\n", + " creating build/bdist.linux-x86_64/wheel/apex/pyprof/parse\n", + " copying build/lib/apex/pyprof/parse/__init__.py -> build/bdist.linux-x86_64/wheel/apex/pyprof/parse\n", + " copying build/lib/apex/pyprof/parse/nvvp.py -> build/bdist.linux-x86_64/wheel/apex/pyprof/parse\n", + " copying build/lib/apex/pyprof/parse/parse.py -> build/bdist.linux-x86_64/wheel/apex/pyprof/parse\n", + " copying build/lib/apex/pyprof/parse/kernel.py -> build/bdist.linux-x86_64/wheel/apex/pyprof/parse\r\n", + " copying build/lib/apex/pyprof/parse/__main__.py -> build/bdist.linux-x86_64/wheel/apex/pyprof/parse\r\n", + " copying build/lib/apex/pyprof/parse/db.py -> build/bdist.linux-x86_64/wheel/apex/pyprof/parse\r\n", + " creating build/bdist.linux-x86_64/wheel/apex/pyprof/prof\r\n", + " copying build/lib/apex/pyprof/prof/dropout.py -> build/bdist.linux-x86_64/wheel/apex/pyprof/prof\r\n", + " copying build/lib/apex/pyprof/prof/normalization.py -> build/bdist.linux-x86_64/wheel/apex/pyprof/prof\r\n", + " copying build/lib/apex/pyprof/prof/prof.py -> build/bdist.linux-x86_64/wheel/apex/pyprof/prof\r\n", + " copying build/lib/apex/pyprof/prof/utility.py -> build/bdist.linux-x86_64/wheel/apex/pyprof/prof\r\n", + " copying build/lib/apex/pyprof/prof/misc.py -> build/bdist.linux-x86_64/wheel/apex/pyprof/prof\r\n", + " copying build/lib/apex/pyprof/prof/base.py -> build/bdist.linux-x86_64/wheel/apex/pyprof/prof\r\n", + " copying build/lib/apex/pyprof/prof/__init__.py -> build/bdist.linux-x86_64/wheel/apex/pyprof/prof\r\n", + " copying build/lib/apex/pyprof/prof/usage.py -> build/bdist.linux-x86_64/wheel/apex/pyprof/prof\r\n", + " copying build/lib/apex/pyprof/prof/pointwise.py -> build/bdist.linux-x86_64/wheel/apex/pyprof/prof\r\n", + " copying build/lib/apex/pyprof/prof/blas.py -> build/bdist.linux-x86_64/wheel/apex/pyprof/prof\r\n", + " copying build/lib/apex/pyprof/prof/linear.py -> build/bdist.linux-x86_64/wheel/apex/pyprof/prof\r\n", + " copying build/lib/apex/pyprof/prof/activation.py -> build/bdist.linux-x86_64/wheel/apex/pyprof/prof\r\n", + " copying build/lib/apex/pyprof/prof/data.py -> build/bdist.linux-x86_64/wheel/apex/pyprof/prof\r\n", + " copying build/lib/apex/pyprof/prof/recurrentCell.py -> build/bdist.linux-x86_64/wheel/apex/pyprof/prof\r\n", + " copying build/lib/apex/pyprof/prof/loss.py -> build/bdist.linux-x86_64/wheel/apex/pyprof/prof\r\n", + " copying build/lib/apex/pyprof/prof/embedding.py -> build/bdist.linux-x86_64/wheel/apex/pyprof/prof\r\n", + " copying build/lib/apex/pyprof/prof/randomSample.py -> build/bdist.linux-x86_64/wheel/apex/pyprof/prof\r\n", + " copying build/lib/apex/pyprof/prof/index_slice_join_mutate.py -> build/bdist.linux-x86_64/wheel/apex/pyprof/prof\r\n", + " copying build/lib/apex/pyprof/prof/convert.py -> build/bdist.linux-x86_64/wheel/apex/pyprof/prof\r\n", + " copying build/lib/apex/pyprof/prof/softmax.py -> build/bdist.linux-x86_64/wheel/apex/pyprof/prof\r\n", + " copying build/lib/apex/pyprof/prof/conv.py -> build/bdist.linux-x86_64/wheel/apex/pyprof/prof\r\n", + " copying build/lib/apex/pyprof/prof/__main__.py -> build/bdist.linux-x86_64/wheel/apex/pyprof/prof\r\n", + " copying build/lib/apex/pyprof/prof/reduction.py -> build/bdist.linux-x86_64/wheel/apex/pyprof/prof\r\n", + " copying build/lib/apex/pyprof/prof/output.py -> build/bdist.linux-x86_64/wheel/apex/pyprof/prof\r\n", + " copying build/lib/apex/pyprof/prof/optim.py -> build/bdist.linux-x86_64/wheel/apex/pyprof/prof\r\n", + " copying build/lib/apex/pyprof/prof/pooling.py -> build/bdist.linux-x86_64/wheel/apex/pyprof/prof\r\n", + " copying build/lib/apex/pyprof/__init__.py -> build/bdist.linux-x86_64/wheel/apex/pyprof\r\n", + " creating build/bdist.linux-x86_64/wheel/apex/pyprof/nvtx\r\n", + " copying build/lib/apex/pyprof/nvtx/__init__.py -> build/bdist.linux-x86_64/wheel/apex/pyprof/nvtx\r\n", + " copying build/lib/apex/pyprof/nvtx/nvmarker.py -> build/bdist.linux-x86_64/wheel/apex/pyprof/nvtx\r\n", + " creating build/bdist.linux-x86_64/wheel/apex/normalization\r\n", + " copying build/lib/apex/normalization/__init__.py -> build/bdist.linux-x86_64/wheel/apex/normalization\r\n", + " copying build/lib/apex/normalization/fused_layer_norm.py -> build/bdist.linux-x86_64/wheel/apex/normalization\r\n", + " creating build/bdist.linux-x86_64/wheel/apex/contrib\r\n", + " creating build/bdist.linux-x86_64/wheel/apex/contrib/xentropy\r\n", + " copying build/lib/apex/contrib/xentropy/softmax_xentropy.py -> build/bdist.linux-x86_64/wheel/apex/contrib/xentropy\r\n", + " copying build/lib/apex/contrib/xentropy/__init__.py -> build/bdist.linux-x86_64/wheel/apex/contrib/xentropy\r\n", + " copying build/lib/apex/contrib/__init__.py -> build/bdist.linux-x86_64/wheel/apex/contrib\r\n", + " creating build/bdist.linux-x86_64/wheel/apex/contrib/groupbn\r\n", + " copying build/lib/apex/contrib/groupbn/__init__.py -> build/bdist.linux-x86_64/wheel/apex/contrib/groupbn\r\n", + " copying build/lib/apex/contrib/groupbn/batch_norm.py -> build/bdist.linux-x86_64/wheel/apex/contrib/groupbn\r\n", + " creating build/bdist.linux-x86_64/wheel/apex/contrib/multihead_attn\r\n", + " copying build/lib/apex/contrib/multihead_attn/self_multihead_attn.py -> build/bdist.linux-x86_64/wheel/apex/contrib/multihead_attn\r\n", + " copying build/lib/apex/contrib/multihead_attn/__init__.py -> build/bdist.linux-x86_64/wheel/apex/contrib/multihead_attn\r\n", + " copying build/lib/apex/contrib/multihead_attn/encdec_multihead_attn_func.py -> build/bdist.linux-x86_64/wheel/apex/contrib/multihead_attn\r\n", + " copying build/lib/apex/contrib/multihead_attn/fast_encdec_multihead_attn_norm_add_func.py -> build/bdist.linux-x86_64/wheel/apex/contrib/multihead_attn\r\n", + " copying build/lib/apex/contrib/multihead_attn/self_multihead_attn_func.py -> build/bdist.linux-x86_64/wheel/apex/contrib/multihead_attn\r\n", + " copying build/lib/apex/contrib/multihead_attn/fast_encdec_multihead_attn_func.py -> build/bdist.linux-x86_64/wheel/apex/contrib/multihead_attn\r\n", + " copying build/lib/apex/contrib/multihead_attn/fast_self_multihead_attn_func.py -> build/bdist.linux-x86_64/wheel/apex/contrib/multihead_attn\r\n", + " copying build/lib/apex/contrib/multihead_attn/mask_softmax_dropout_func.py -> build/bdist.linux-x86_64/wheel/apex/contrib/multihead_attn\r\n", + " copying build/lib/apex/contrib/multihead_attn/fast_self_multihead_attn_norm_add_func.py -> build/bdist.linux-x86_64/wheel/apex/contrib/multihead_attn\r\n", + " copying build/lib/apex/contrib/multihead_attn/encdec_multihead_attn.py -> build/bdist.linux-x86_64/wheel/apex/contrib/multihead_attn\r\n", + " creating build/bdist.linux-x86_64/wheel/apex/contrib/optimizers\r\n", + " copying build/lib/apex/contrib/optimizers/fused_lamb.py -> build/bdist.linux-x86_64/wheel/apex/contrib/optimizers\r\n", + " copying build/lib/apex/contrib/optimizers/fp16_optimizer.py -> build/bdist.linux-x86_64/wheel/apex/contrib/optimizers\r\n", + " copying build/lib/apex/contrib/optimizers/distributed_fused_lamb.py -> build/bdist.linux-x86_64/wheel/apex/contrib/optimizers\r\n", + " copying build/lib/apex/contrib/optimizers/fused_adam.py -> build/bdist.linux-x86_64/wheel/apex/contrib/optimizers\r\n", + " copying build/lib/apex/contrib/optimizers/distributed_fused_adam.py -> build/bdist.linux-x86_64/wheel/apex/contrib/optimizers\r\n", + " copying build/lib/apex/contrib/optimizers/__init__.py -> build/bdist.linux-x86_64/wheel/apex/contrib/optimizers\r\n", + " copying build/lib/apex/contrib/optimizers/fused_sgd.py -> build/bdist.linux-x86_64/wheel/apex/contrib/optimizers\r\n", + " copying build/lib/apex/contrib/optimizers/distributed_fused_adam_v3.py -> build/bdist.linux-x86_64/wheel/apex/contrib/optimizers\r\n", + " copying build/lib/apex/contrib/optimizers/distributed_fused_adam_v2.py -> build/bdist.linux-x86_64/wheel/apex/contrib/optimizers\r\n", + " creating build/bdist.linux-x86_64/wheel/apex/mlp\r\n", + " copying build/lib/apex/mlp/__init__.py -> build/bdist.linux-x86_64/wheel/apex/mlp\r\n", + " copying build/lib/apex/mlp/mlp.py -> build/bdist.linux-x86_64/wheel/apex/mlp\r\n", + " creating build/bdist.linux-x86_64/wheel/apex/parallel\r\n", + " copying build/lib/apex/parallel/optimized_sync_batchnorm_kernel.py -> build/bdist.linux-x86_64/wheel/apex/parallel\r\n", + " copying build/lib/apex/parallel/sync_batchnorm_kernel.py -> build/bdist.linux-x86_64/wheel/apex/parallel\r\n", + " copying build/lib/apex/parallel/__init__.py -> build/bdist.linux-x86_64/wheel/apex/parallel\r\n", + " copying build/lib/apex/parallel/distributed.py -> build/bdist.linux-x86_64/wheel/apex/parallel\r\n", + " copying build/lib/apex/parallel/optimized_sync_batchnorm.py -> build/bdist.linux-x86_64/wheel/apex/parallel\r\n", + " copying build/lib/apex/parallel/sync_batchnorm.py -> build/bdist.linux-x86_64/wheel/apex/parallel\r\n", + " copying build/lib/apex/parallel/LARC.py -> build/bdist.linux-x86_64/wheel/apex/parallel\r\n", + " copying build/lib/apex/parallel/multiproc.py -> build/bdist.linux-x86_64/wheel/apex/parallel\r\n", + " creating build/bdist.linux-x86_64/wheel/apex/multi_tensor_apply\r\n", + " copying build/lib/apex/multi_tensor_apply/__init__.py -> build/bdist.linux-x86_64/wheel/apex/multi_tensor_apply\r\n", + " copying build/lib/apex/multi_tensor_apply/multi_tensor_apply.py -> build/bdist.linux-x86_64/wheel/apex/multi_tensor_apply\r\n", + " creating build/bdist.linux-x86_64/wheel/apex/optimizers\r\n", + " copying build/lib/apex/optimizers/__init__.py -> build/bdist.linux-x86_64/wheel/apex/optimizers\r\n", + " copying build/lib/apex/optimizers/fused_lamb.py -> build/bdist.linux-x86_64/wheel/apex/optimizers\r\n", + " copying build/lib/apex/optimizers/fused_adagrad.py -> build/bdist.linux-x86_64/wheel/apex/optimizers\r\n", + " copying build/lib/apex/optimizers/fused_adam.py -> build/bdist.linux-x86_64/wheel/apex/optimizers\r\n", + " copying build/lib/apex/optimizers/fused_novograd.py -> build/bdist.linux-x86_64/wheel/apex/optimizers\r\n", + " copying build/lib/apex/optimizers/fused_sgd.py -> build/bdist.linux-x86_64/wheel/apex/optimizers\r\n", + " creating build/bdist.linux-x86_64/wheel/apex/RNN\r\n", + " copying build/lib/apex/RNN/__init__.py -> build/bdist.linux-x86_64/wheel/apex/RNN\r\n", + " copying build/lib/apex/RNN/cells.py -> build/bdist.linux-x86_64/wheel/apex/RNN\r\n", + " copying build/lib/apex/RNN/RNNBackend.py -> build/bdist.linux-x86_64/wheel/apex/RNN\r\n", + " copying build/lib/apex/RNN/models.py -> build/bdist.linux-x86_64/wheel/apex/RNN\r\n", + " creating build/bdist.linux-x86_64/wheel/apex/amp\r\n", + " creating build/bdist.linux-x86_64/wheel/apex/amp/lists\r\n", + " copying build/lib/apex/amp/lists/torch_overrides.py -> build/bdist.linux-x86_64/wheel/apex/amp/lists\r\n", + " copying build/lib/apex/amp/lists/tensor_overrides.py -> build/bdist.linux-x86_64/wheel/apex/amp/lists\r\n", + " copying build/lib/apex/amp/lists/__init__.py -> build/bdist.linux-x86_64/wheel/apex/amp/lists\r\n", + " copying build/lib/apex/amp/lists/functional_overrides.py -> build/bdist.linux-x86_64/wheel/apex/amp/lists\r\n", + " copying build/lib/apex/amp/compat.py -> build/bdist.linux-x86_64/wheel/apex/amp\r\n", + " copying build/lib/apex/amp/_process_optimizer.py -> build/bdist.linux-x86_64/wheel/apex/amp\r\n", + " copying build/lib/apex/amp/scaler.py -> build/bdist.linux-x86_64/wheel/apex/amp\r\n", + " copying build/lib/apex/amp/amp.py -> build/bdist.linux-x86_64/wheel/apex/amp\r\n", + " copying build/lib/apex/amp/handle.py -> build/bdist.linux-x86_64/wheel/apex/amp\r\n", + " copying build/lib/apex/amp/opt.py -> build/bdist.linux-x86_64/wheel/apex/amp\r\n", + " copying build/lib/apex/amp/rnn_compat.py -> build/bdist.linux-x86_64/wheel/apex/amp\r\n", + " copying build/lib/apex/amp/_initialize.py -> build/bdist.linux-x86_64/wheel/apex/amp\r\n", + " copying build/lib/apex/amp/utils.py -> build/bdist.linux-x86_64/wheel/apex/amp\r\n", + " copying build/lib/apex/amp/wrap.py -> build/bdist.linux-x86_64/wheel/apex/amp\r\n", + " copying build/lib/apex/amp/_amp_state.py -> build/bdist.linux-x86_64/wheel/apex/amp\r\n", + " copying build/lib/apex/amp/__version__.py -> build/bdist.linux-x86_64/wheel/apex/amp\r\n", + " copying build/lib/apex/amp/__init__.py -> build/bdist.linux-x86_64/wheel/apex/amp\r\n", + " copying build/lib/apex/amp/frontend.py -> build/bdist.linux-x86_64/wheel/apex/amp\r\n", + " creating build/bdist.linux-x86_64/wheel/apex/reparameterization\r\n", + " copying build/lib/apex/reparameterization/weight_norm.py -> build/bdist.linux-x86_64/wheel/apex/reparameterization\r\n", + " copying build/lib/apex/reparameterization/__init__.py -> build/bdist.linux-x86_64/wheel/apex/reparameterization\r\n", + " copying build/lib/apex/reparameterization/reparameterization.py -> build/bdist.linux-x86_64/wheel/apex/reparameterization\r\n", + " creating build/bdist.linux-x86_64/wheel/apex/fp16_utils\r\n", + " copying build/lib/apex/fp16_utils/fp16util.py -> build/bdist.linux-x86_64/wheel/apex/fp16_utils\r\n", + " copying build/lib/apex/fp16_utils/loss_scaler.py -> build/bdist.linux-x86_64/wheel/apex/fp16_utils\r\n", + " copying build/lib/apex/fp16_utils/__init__.py -> build/bdist.linux-x86_64/wheel/apex/fp16_utils\r\n", + " copying build/lib/apex/fp16_utils/fp16_optimizer.py -> build/bdist.linux-x86_64/wheel/apex/fp16_utils\r\n", + " copying build/lib/apex/__init__.py -> build/bdist.linux-x86_64/wheel/apex\r\n", + " running install_egg_info\r\n", + " running egg_info\r\n", + " writing apex.egg-info/PKG-INFO\r\n", + " writing dependency_links to apex.egg-info/dependency_links.txt\r\n", + " writing top-level names to apex.egg-info/top_level.txt\r\n", + " reading manifest file 'apex.egg-info/SOURCES.txt'\r\n", + " writing manifest file 'apex.egg-info/SOURCES.txt'\r\n", + " Copying apex.egg-info to build/bdist.linux-x86_64/wheel/apex-0.1-py3.7.egg-info\r\n", + " running install_scripts\r\n", + " adding license file \"LICENSE\" (matched pattern \"LICEN[CS]E*\")\r\n", + " creating build/bdist.linux-x86_64/wheel/apex-0.1.dist-info/WHEEL\r\n", + " creating '/tmp/pip-wheel-ahcbqj_2/apex-0.1-py3-none-any.whl' and adding 'build/bdist.linux-x86_64/wheel' to it\r\n", + " adding 'apex/__init__.py'\r\n", + " adding 'apex/RNN/RNNBackend.py'\r\n", + " adding 'apex/RNN/__init__.py'\r\n", + " adding 'apex/RNN/cells.py'\r\n", + " adding 'apex/RNN/models.py'\n", + " adding 'apex/amp/__init__.py'\n", + " adding 'apex/amp/__version__.py'\n", + " adding 'apex/amp/_amp_state.py'\n", + " adding 'apex/amp/_initialize.py'\n", + " adding 'apex/amp/_process_optimizer.py'\n", + " adding 'apex/amp/amp.py'\n", + " adding 'apex/amp/compat.py'\n", + " adding 'apex/amp/frontend.py'\n", + " adding 'apex/amp/handle.py'\n", + " adding 'apex/amp/opt.py'\n", + " adding 'apex/amp/rnn_compat.py'\n", + " adding 'apex/amp/scaler.py'\n", + " adding 'apex/amp/utils.py'\n", + " adding 'apex/amp/wrap.py'\n", + " adding 'apex/amp/lists/__init__.py'\n", + " adding 'apex/amp/lists/functional_overrides.py'\n", + " adding 'apex/amp/lists/tensor_overrides.py'\n", + " adding 'apex/amp/lists/torch_overrides.py'\n", + " adding 'apex/contrib/__init__.py'\n", + " adding 'apex/contrib/groupbn/__init__.py'\n", + " adding 'apex/contrib/groupbn/batch_norm.py'\n", + " adding 'apex/contrib/multihead_attn/__init__.py'\n", + " adding 'apex/contrib/multihead_attn/encdec_multihead_attn.py'\n", + " adding 'apex/contrib/multihead_attn/encdec_multihead_attn_func.py'\n", + " adding 'apex/contrib/multihead_attn/fast_encdec_multihead_attn_func.py'\n", + " adding 'apex/contrib/multihead_attn/fast_encdec_multihead_attn_norm_add_func.py'\n", + " adding 'apex/contrib/multihead_attn/fast_self_multihead_attn_func.py'\n", + " adding 'apex/contrib/multihead_attn/fast_self_multihead_attn_norm_add_func.py'\n", + " adding 'apex/contrib/multihead_attn/mask_softmax_dropout_func.py'\n", + " adding 'apex/contrib/multihead_attn/self_multihead_attn.py'\n", + " adding 'apex/contrib/multihead_attn/self_multihead_attn_func.py'\n", + " adding 'apex/contrib/optimizers/__init__.py'\n", + " adding 'apex/contrib/optimizers/distributed_fused_adam.py'\n", + " adding 'apex/contrib/optimizers/distributed_fused_adam_v2.py'\n", + " adding 'apex/contrib/optimizers/distributed_fused_adam_v3.py'\n", + " adding 'apex/contrib/optimizers/distributed_fused_lamb.py'\n", + " adding 'apex/contrib/optimizers/fp16_optimizer.py'\n", + " adding 'apex/contrib/optimizers/fused_adam.py'\n", + " adding 'apex/contrib/optimizers/fused_lamb.py'\n", + " adding 'apex/contrib/optimizers/fused_sgd.py'\n", + " adding 'apex/contrib/xentropy/__init__.py'\n", + " adding 'apex/contrib/xentropy/softmax_xentropy.py'\n", + " adding 'apex/fp16_utils/__init__.py'\n", + " adding 'apex/fp16_utils/fp16_optimizer.py'\n", + " adding 'apex/fp16_utils/fp16util.py'\n", + " adding 'apex/fp16_utils/loss_scaler.py'\n", + " adding 'apex/mlp/__init__.py'\n", + " adding 'apex/mlp/mlp.py'\n", + " adding 'apex/multi_tensor_apply/__init__.py'\n", + " adding 'apex/multi_tensor_apply/multi_tensor_apply.py'\n", + " adding 'apex/normalization/__init__.py'\n", + " adding 'apex/normalization/fused_layer_norm.py'\n", + " adding 'apex/optimizers/__init__.py'\n", + " adding 'apex/optimizers/fused_adagrad.py'\n", + " adding 'apex/optimizers/fused_adam.py'\n", + " adding 'apex/optimizers/fused_lamb.py'\n", + " adding 'apex/optimizers/fused_novograd.py'\n", + " adding 'apex/optimizers/fused_sgd.py'\n", + " adding 'apex/parallel/LARC.py'\n", + " adding 'apex/parallel/__init__.py'\n", + " adding 'apex/parallel/distributed.py'\n", + " adding 'apex/parallel/multiproc.py'\n", + " adding 'apex/parallel/optimized_sync_batchnorm.py'\n", + " adding 'apex/parallel/optimized_sync_batchnorm_kernel.py'\n", + " adding 'apex/parallel/sync_batchnorm.py'\n", + " adding 'apex/parallel/sync_batchnorm_kernel.py'\n", + " adding 'apex/pyprof/__init__.py'\n", + " adding 'apex/pyprof/nvtx/__init__.py'\n", + " adding 'apex/pyprof/nvtx/nvmarker.py'\n", + " adding 'apex/pyprof/parse/__init__.py'\n", + " adding 'apex/pyprof/parse/__main__.py'\n", + " adding 'apex/pyprof/parse/db.py'\n", + " adding 'apex/pyprof/parse/kernel.py'\n", + " adding 'apex/pyprof/parse/nvvp.py'\n", + " adding 'apex/pyprof/parse/parse.py'\n", + " adding 'apex/pyprof/prof/__init__.py'\n", + " adding 'apex/pyprof/prof/__main__.py'\n", + " adding 'apex/pyprof/prof/activation.py'\n", + " adding 'apex/pyprof/prof/base.py'\n", + " adding 'apex/pyprof/prof/blas.py'\n", + " adding 'apex/pyprof/prof/conv.py'\n", + " adding 'apex/pyprof/prof/convert.py'\n", + " adding 'apex/pyprof/prof/data.py'\n", + " adding 'apex/pyprof/prof/dropout.py'\n", + " adding 'apex/pyprof/prof/embedding.py'\n", + " adding 'apex/pyprof/prof/index_slice_join_mutate.py'\n", + " adding 'apex/pyprof/prof/linear.py'\n", + " adding 'apex/pyprof/prof/loss.py'\n", + " adding 'apex/pyprof/prof/misc.py'\n", + " adding 'apex/pyprof/prof/normalization.py'\n", + " adding 'apex/pyprof/prof/optim.py'\n", + " adding 'apex/pyprof/prof/output.py'\n", + " adding 'apex/pyprof/prof/pointwise.py'\n", + " adding 'apex/pyprof/prof/pooling.py'\n", + " adding 'apex/pyprof/prof/prof.py'\n", + " adding 'apex/pyprof/prof/randomSample.py'\n", + " adding 'apex/pyprof/prof/recurrentCell.py'\n", + " adding 'apex/pyprof/prof/reduction.py'\n", + " adding 'apex/pyprof/prof/softmax.py'\n", + " adding 'apex/pyprof/prof/usage.py'\n", + " adding 'apex/pyprof/prof/utility.py'\n", + " adding 'apex/reparameterization/__init__.py'\n", + " adding 'apex/reparameterization/reparameterization.py'\n", + " adding 'apex/reparameterization/weight_norm.py'\n", + " adding 'apex-0.1.dist-info/LICENSE'\n", + " adding 'apex-0.1.dist-info/METADATA'\n", + " adding 'apex-0.1.dist-info/WHEEL'\n", + " adding 'apex-0.1.dist-info/top_level.txt'\n", + " adding 'apex-0.1.dist-info/RECORD'\n", + " removing build/bdist.linux-x86_64/wheel\n", + "\u001b[?25hdone\n", + " Created wheel for apex: filename=apex-0.1-py3-none-any.whl size=186403 sha256=80bffd4ab88dace4af6d1e63e3ef9aab311664125c60da49e92d983453c9c888\n", + " Stored in directory: /tmp/pip-ephem-wheel-cache-udpsq2ng/wheels/30/08/96/8745133aab26c6271171698ab29983a3118aee7347d3a6f538\n", + "Successfully built apex\n", + "Installing collected packages: apex\n", + " Created temporary directory: /tmp/pip-unpacked-wheel-cqvif8yn\n", + "\n", + "Successfully installed apex-0.1\n", + "Cleaning up...\n", + " Removing source in /tmp/pip-req-build-_z4pjgjj\n", + "Removed build tracker: '/tmp/pip-req-tracker-7ul6fie4'\n", + "1 location(s) to search for versions of pip:\n", + "* https://pypi.org/simple/pip/\n", + "Fetching project page and analyzing links: https://pypi.org/simple/pip/\n", + "Getting page https://pypi.org/simple/pip/\n", + "Found index url https://pypi.org/simple\n", + "Starting new HTTPS connection (1): pypi.org:443\n", + "https://pypi.org:443 \"GET /simple/pip/ HTTP/1.1\" 200 13603\n", + " Found link https://files.pythonhosted.org/packages/3d/9d/1e313763bdfb6a48977b65829c6ce2a43eaae29ea2f907c8bbef024a7219/pip-0.2.tar.gz#sha256=88bb8d029e1bf4acd0e04d300104b7440086f94cc1ce1c5c3c31e3293aee1f81 (from https://pypi.org/simple/pip/), version: 0.2\n", + " Found link https://files.pythonhosted.org/packages/18/ad/c0fe6cdfe1643a19ef027c7168572dac6283b80a384ddf21b75b921877da/pip-0.2.1.tar.gz#sha256=83522005c1266cc2de97e65072ff7554ac0f30ad369c3b02ff3a764b962048da (from https://pypi.org/simple/pip/), version: 0.2.1\n", + " Found link https://files.pythonhosted.org/packages/17/05/f66144ef69b436d07f8eeeb28b7f77137f80de4bf60349ec6f0f9509e801/pip-0.3.tar.gz#sha256=183c72455cb7f8860ac1376f8c4f14d7f545aeab8ee7c22cd4caf79f35a2ed47 (from https://pypi.org/simple/pip/), version: 0.3\n", + " Found link https://files.pythonhosted.org/packages/0a/bb/d087c9a1415f8726e683791c0b2943c53f2b76e69f527f2e2b2e9f9e7b5c/pip-0.3.1.tar.gz#sha256=34ce534f17065c78f980702928e988a6b6b2d8a9851aae5f1571a1feb9bb58d8 (from https://pypi.org/simple/pip/), version: 0.3.1\n", + " Found link https://files.pythonhosted.org/packages/cf/c3/153571aaac6cf999f4bb09c019b1ff379b7b599ea833813a41c784eec995/pip-0.4.tar.gz#sha256=28fc67558874f71fddda7168f73595f1650523dce3bc5bf189713ecdfc1e456e (from https://pypi.org/simple/pip/), version: 0.4\n", + " Found link https://files.pythonhosted.org/packages/8d/c7/f05c87812fa5d9562ecbc5f4f1fc1570444f53c81c834a7f662af406e3c1/pip-0.5.tar.gz#sha256=328d8412782f22568508a0d0c78a49c9920a82e44c8dfca49954fe525c152b2a (from https://pypi.org/simple/pip/), version: 0.5\n", + " Found link https://files.pythonhosted.org/packages/9a/aa/f536b6d14fe03343367da2ff44eee28f340ae650cd017ca088b6be13084a/pip-0.5.1.tar.gz#sha256=e27650538c41fe1007a41abd4cfd0f905b822622cbe1f8e7e09d1215af207694 (from https://pypi.org/simple/pip/), version: 0.5.1\n", + " Found link https://files.pythonhosted.org/packages/db/e6/fdf7be8a17b032c533d3f91e91e2c63dd81d3627cbe4113248a00c2d39d8/pip-0.6.tar.gz#sha256=4cf47db6815b2f435d1f44e1f35ff04823043f6161f7df9aec71a123b0c47f0d (from https://pypi.org/simple/pip/), version: 0.6\n", + " Found link https://files.pythonhosted.org/packages/91/cd/105f4d3c75d0ae18e12623acc96f42168aaba408dd6e43c4505aa21f8e37/pip-0.6.1.tar.gz#sha256=efe47e84ffeb0ea4804f9858b8a94bebd07f5452f907ebed36d03aed06a9f9ec (from https://pypi.org/simple/pip/), version: 0.6.1\n", + " Found link https://files.pythonhosted.org/packages/1c/c7/c0e1a9413c37828faf290f29a85a4d6034c145cc04bf1622ba8beb662ad8/pip-0.6.2.tar.gz#sha256=1c1a504d7e70d2c24246f95bd16e3d5fcec740fd144df69a407bf65a2ee67586 (from https://pypi.org/simple/pip/), version: 0.6.2\n", + " Found link https://files.pythonhosted.org/packages/3f/af/c4b9d49fb0f286996b28dbc0955c3ad359794697eb98e0e69863908070b0/pip-0.6.3.tar.gz#sha256=1a6df71eb29b98cba11bde6d6a0d8c6dd8b0518e74ceb71fb31ea4fbb42fd313 (from https://pypi.org/simple/pip/), version: 0.6.3\n", + " Found link https://files.pythonhosted.org/packages/ec/7a/6fe91ff0079ad0437830957c459d52f3923e516f5b453218f2a93d09a427/pip-0.7.tar.gz#sha256=ceaea0b9e494d893c8a191895301b79c1db33e41f14d3ad93e3d28a8b4e9bf27 (from https://pypi.org/simple/pip/), version: 0.7\n", + " Found link https://files.pythonhosted.org/packages/a5/63/11303863c2f5e9d9a15d89fcf7513a4b60987007d418862e0fb65c09fff7/pip-0.7.1.tar.gz#sha256=f54f05aa17edd0036de433c44892c8fedb1fd2871c97829838feb995818d24c3 (from https://pypi.org/simple/pip/), version: 0.7.1\n", + " Found link https://files.pythonhosted.org/packages/cd/a9/1debaa96bbc1005c1c8ad3b79fec58c198d35121546ea2e858ce0894268a/pip-0.7.2.tar.gz#sha256=98df2eb779358412bbbae75980171ae85deebc846d87e244d086520b1212da09 (from https://pypi.org/simple/pip/), version: 0.7.2\n", + " Found link https://files.pythonhosted.org/packages/74/54/f785c327fb3d163560a879b36edae5c78ee07806be282c9d4807f6be7dd1/pip-0.8.tar.gz#sha256=9017e4484a212dd4e1a43dd9f039dd7fc8338d4eea1c339d5ae1c80726de5b0f (from https://pypi.org/simple/pip/), version: 0.8\n", + " Found link https://files.pythonhosted.org/packages/5c/79/5e8381cc3078bae92166f2ba96de8355e8c181926505ba8882f7b099a500/pip-0.8.1.tar.gz#sha256=7176a87f35675f6468341212f3b959bb51d23ea66eb1c3692bf746c45c716fa2 (from https://pypi.org/simple/pip/), version: 0.8.1\n", + " Found link https://files.pythonhosted.org/packages/17/3e/0a98ab032991518741e7e712a719633e6ae160f51b3d3e855194530fd308/pip-0.8.2.tar.gz#sha256=f80a3549c048bc3bbcb47844826e9c7c6fcd87e77b92bef0d9e66d1b397c4962 (from https://pypi.org/simple/pip/), version: 0.8.2\n", + " Found link https://files.pythonhosted.org/packages/f7/9a/943fc6d879ed7220bac2e7e53096bfe78abec88d77f2f516400e0129679e/pip-0.8.3.tar.gz#sha256=1be2e18edd38aa75b5e4ef38a99ec33ba9247177cfcb4a6d2d2b3e73430e3001 (from https://pypi.org/simple/pip/), version: 0.8.3\n", + " Found link https://files.pythonhosted.org/packages/24/33/6eb675fb6db7b71d69d6928b33dea61b8bf5cfe1e5649be70ec84ce2fc09/pip-1.0.tar.gz#sha256=34ba07e2d14ba86d5088ba896ac80bed845a9b276ab8acb279b8d99bc77fec8e (from https://pypi.org/simple/pip/), version: 1.0\n", + " Found link https://files.pythonhosted.org/packages/10/d9/f584e6107ef98ad7eaaaa5d0f756bfee12561fa6a4712ffdb7209e0e1fd4/pip-1.0.1.tar.gz#sha256=37d2f18213d3845d2038dd3686bc71fc12bb41ad66c945a8b0dfec2879f3497b (from https://pypi.org/simple/pip/), version: 1.0.1\n", + " Found link https://files.pythonhosted.org/packages/16/90/5e6f80364d8a656f60681dfb7330298edef292d43e1499bcb3a4c71ff0b9/pip-1.0.2.tar.gz#sha256=a6ed9b36aac2f121c01a2c9e0307a9e4d9438d100a407db701ac65479a3335d2 (from https://pypi.org/simple/pip/), version: 1.0.2\n", + " Found link https://files.pythonhosted.org/packages/25/57/0d42cf5307d79913a082c5c4397d46f3793bc35e1138a694136d6e31be99/pip-1.1.tar.gz#sha256=993804bb947d18508acee02141281c77d27677f8c14eaa64d6287a1c53ef01c8 (from https://pypi.org/simple/pip/), version: 1.1\n", + " Found link https://files.pythonhosted.org/packages/ba/c3/4e1f892f41aaa217fe0d1f827fa05928783349c69f3cc06fdd68e112678a/pip-1.2.tar.gz#sha256=2b168f1987403f1dc6996a1f22a6f6637b751b7ab6ff27e78380b8d6e70aa314 (from https://pypi.org/simple/pip/), version: 1.2\n", + " Found link https://files.pythonhosted.org/packages/c3/a2/a63244da32afd9ce9a8ca1bd86e71610039adea8b8314046ebe5047527a6/pip-1.2.1.tar.gz#sha256=12a9302acfca62cdc7bc5d83386cac3e0581db61ac39acdb3a4e766a16b88eb1 (from https://pypi.org/simple/pip/), version: 1.2.1\n", + " Found link https://files.pythonhosted.org/packages/00/45/69d4f2602b80550bfb26cfd2f62c2f05b3b5c7352705d3766cd1e5b27648/pip-1.3.tar.gz#sha256=d6a13c5be316cb21a0243047c7f163f47e88973ebccff8d32e63ca1bf4d9321c (from https://pypi.org/simple/pip/), version: 1.3\n", + " Found link https://files.pythonhosted.org/packages/5b/ce/f5b98104f1c10d868936c25f7c597f492d4371aa9ad5fb61a94954ee7208/pip-1.3.1.tar.gz#sha256=145eaa5d1ea1b062663da1f3a97780d7edea4c63c68a37c463b1deedf7bb4957 (from https://pypi.org/simple/pip/), version: 1.3.1\n", + " Found link https://files.pythonhosted.org/packages/5f/d0/3b3958f6a58783bae44158b2c4c7827ae89abaecdd4bed12cff402620b9a/pip-1.4.tar.gz#sha256=1fd43cbf07d95ddcecbb795c97a1674b3ddb711bb4a67661284a5aa765aa1b97 (from https://pypi.org/simple/pip/), version: 1.4\n", + " Found link https://files.pythonhosted.org/packages/3f/f8/da390e0df72fb61d176b25a4b95262e3dcc14bda0ad25ac64d56db38b667/pip-1.4.1.tar.gz#sha256=4e7a06554711a624c35d0c646f63674b7f6bfc7f80221bf1eb1f631bd890d04e (from https://pypi.org/simple/pip/), version: 1.4.1\n", + " Found link https://files.pythonhosted.org/packages/4f/7d/e53bc80667378125a9e07d4929a61b0bd7128a1129dbe6f07bb3228652a3/pip-1.5.tar.gz#sha256=25f81d1a0e55d3b1709818dd57fdfb954b028f229f09bd69cb0bc80a8e03e048 (from https://pypi.org/simple/pip/), version: 1.5\n", + " Found link https://files.pythonhosted.org/packages/44/5d/1dca53b5de6d287e7eb99bd174bb022eb6cb0d6ca6e19ca6b16655dde8c2/pip-1.5.1-py2.py3-none-any.whl#sha256=00960db3b0b8724dd37fe37cfb9c72ecb8f59fab9db7d17c5c1e89a1adab49ce (from https://pypi.org/simple/pip/), version: 1.5.1\n", + " Found link https://files.pythonhosted.org/packages/21/3f/d86a600c9b2f41a75caacf768a24130f343def97652de2345da15ef7911f/pip-1.5.1.tar.gz#sha256=e60e936fbc101d56668c6134c1f2b5b40fcbec8b4fc4ca7fc34842b6b4c5c130 (from https://pypi.org/simple/pip/), version: 1.5.1\n", + " Found link https://files.pythonhosted.org/packages/3d/1f/227d77d5e9ed2df5162de4ba3616799a351eccb1ecd668ae824dd26153a1/pip-1.5.2-py2.py3-none-any.whl#sha256=6903909ccdcdbc3297b74118590e71344d6d262827acd1f5c0e2fcfce9807499 (from https://pypi.org/simple/pip/), version: 1.5.2\n", + " Found link https://files.pythonhosted.org/packages/ed/94/391a003107f6ec997c314199d03bff1c105af758ee490e3255353574487b/pip-1.5.2.tar.gz#sha256=2a8a3e08e652d3a40edbb39264bf01f8ff3c32520a79113357cca1f30533f738 (from https://pypi.org/simple/pip/), version: 1.5.2\n", + " Found link https://files.pythonhosted.org/packages/df/e9/bdb53d44fad1465b43edaf6bc7dd3027ed5af81405cc97603fdff0721ebb/pip-1.5.3-py2.py3-none-any.whl#sha256=f0037aed3ce6cf96b9e9117d42e967a74bea9ebe19088a2fdea5de93d5762fee (from https://pypi.org/simple/pip/), version: 1.5.3\n", + " Found link https://files.pythonhosted.org/packages/55/de/671a48ad313c808623041fc475f7c8f7610401d9f573f06b40eeb84e74e3/pip-1.5.3.tar.gz#sha256=dc53b4d28b88556a37cd73052b6d1d08cc644c6724e37c4d38a2e3c03c5440b2 (from https://pypi.org/simple/pip/), version: 1.5.3\n", + " Found link https://files.pythonhosted.org/packages/a9/9a/9aa19fe00de4c025562e5fb3796ff8520165a7dd1a5662c6ec9816e1ae99/pip-1.5.4-py2.py3-none-any.whl#sha256=fb7282556a42e84464f2e963a859ac4012d8134ba6218b70c1d82d145fcfa82f (from https://pypi.org/simple/pip/), version: 1.5.4\n", + " Found link https://files.pythonhosted.org/packages/78/d8/6e58a7130d457edadb753a0ea5708e411c100c7e94e72ad4802feeef735c/pip-1.5.4.tar.gz#sha256=70208a250bb4afdbbdd74c3ac35d4ab9ba1eb6852d02567a6a87f2f5104e30b9 (from https://pypi.org/simple/pip/), version: 1.5.4\n", + " Found link https://files.pythonhosted.org/packages/ce/c2/10d996b9c51b126a9f0bb9e14a9edcdd5c88888323c0685bb9b392b6c47c/pip-1.5.5-py2.py3-none-any.whl#sha256=fe7a5808190067b2598d85def9b83db46e5d64a00848ad843e107c36e1db4ae6 (from https://pypi.org/simple/pip/), version: 1.5.5\n", + " Found link https://files.pythonhosted.org/packages/88/01/a442fde40bd9aaf837612536f16ab751fac628807fd718690795b8ade77d/pip-1.5.5.tar.gz#sha256=4b7f5124364ae9b5ba833dcd8813a84c1c06fba1d7c8543323c7af4b33188eca (from https://pypi.org/simple/pip/), version: 1.5.5\n", + " Found link https://files.pythonhosted.org/packages/3f/08/7347ca4021e7fe0f1ab8f93cbc7d2a7a7350012300ad0e0227d55625e2b8/pip-1.5.6-py2.py3-none-any.whl#sha256=fbc1351ffedf09ca7560428758845a88d648b9730b63ce9e5df53a7c89f039a4 (from https://pypi.org/simple/pip/), version: 1.5.6\n", + " Found link https://files.pythonhosted.org/packages/45/db/4fb9a456b4ec4d3b701456ef562b9d72d76b6358e0c1463d17db18c5b772/pip-1.5.6.tar.gz#sha256=b1a4ae66baf21b7eb05a5e4f37c50c2706fa28ea1f8780ce8efe14dcd9f1726c (from https://pypi.org/simple/pip/), version: 1.5.6\n", + " Found link https://files.pythonhosted.org/packages/dc/7c/21191b5944b917b66e4e4e06d74f668d814b6e8a3ff7acd874479b6f6b3d/pip-6.0-py2.py3-none-any.whl#sha256=5ec6732505bd8be49fe1f8ad557b88253ffb085736396df4d6bea753fc2a8f2c (from https://pypi.org/simple/pip/), version: 6.0\n", + " Found link https://files.pythonhosted.org/packages/38/fd/065c66a88398f240e344fdf496b9707f92d75f88eedc3d10ff847b28a657/pip-6.0.tar.gz#sha256=6103897f1bb68d3f933edd60f3e3830c4ea6b8abf7a4b500db148921b11f6c9b (from https://pypi.org/simple/pip/), version: 6.0\n", + " Found link https://files.pythonhosted.org/packages/e9/7a/cdbc1a12ed52410d557e48d4646f4543e9e991ff32d2374dc6db849aa617/pip-6.0.1-py2.py3-none-any.whl#sha256=322aea7d1f7b9ee68ad87ac4704cad5df97f77e70668c0bd18f964c5daa78173 (from https://pypi.org/simple/pip/), version: 6.0.1\n", + " Found link https://files.pythonhosted.org/packages/4d/c3/8675b90cd89b9b222062f4f6c7e9d48b0387f5b35cbf747a74403a883e56/pip-6.0.1.tar.gz#sha256=fa2f7c68da4a405d673aa38542f9df009d60026db4f532429ac9cbfbda1f959d (from https://pypi.org/simple/pip/), version: 6.0.1\n", + " Found link https://files.pythonhosted.org/packages/71/3c/b5a521e5e99cfff091e282231591f21193fd80de079ec5fb8ed9c6614044/pip-6.0.2-py2.py3-none-any.whl#sha256=7d17b0f267f7c9cd17cd2924bbbe2b4a3d407322c0e09084ca3f1295c1fed50d (from https://pypi.org/simple/pip/), version: 6.0.2\n", + " Found link https://files.pythonhosted.org/packages/4c/5a/f9e8e3de0153282c7cb54a9b991af225536ac914bac858ca664cf883bb3e/pip-6.0.2.tar.gz#sha256=6fa90667706a679e3dc75b27a51fddafa64401c45e96f8ae6c20978183290077 (from https://pypi.org/simple/pip/), version: 6.0.2\n", + " Found link https://files.pythonhosted.org/packages/73/cb/3eebf42003791df29219a3dfa1874572aa16114b44c9b1b0ac66bf96e8c0/pip-6.0.3-py2.py3-none-any.whl#sha256=b72655b6ac6aef1c86dd07f51e8ace8d7aabd6a1c4ff88db87155276fa32a073 (from https://pypi.org/simple/pip/), version: 6.0.3\n", + " Found link https://files.pythonhosted.org/packages/ce/63/8d99ae60d11ae1a65f5d4fc39a529a598bd3b8e067132210cb0c4d9e9f74/pip-6.0.3.tar.gz#sha256=b091a35f5fa0faffac0b27b97e1e1e93ffe63b463c2ea8dbde0c1fb987933614 (from https://pypi.org/simple/pip/), version: 6.0.3\n", + " Found link https://files.pythonhosted.org/packages/c5/0e/c974206726542bc495fc7443dd97834a6d14c2f0cba183fcfcd01075225a/pip-6.0.4-py2.py3-none-any.whl#sha256=8dfd95de29a7a3bb1e7d368cc83d566938eb210b04d553ebfe5e3a422f4aec65 (from https://pypi.org/simple/pip/), version: 6.0.4\n", + " Found link https://files.pythonhosted.org/packages/02/a1/c90f19910ee153d7a0efca7216758121118d7e93084276541383fe9ca82e/pip-6.0.4.tar.gz#sha256=1dbbff9c369e510c7468ab68ba52c003f68f83c99c2f8259acd51099e8799f1e (from https://pypi.org/simple/pip/), version: 6.0.4\n", + " Found link https://files.pythonhosted.org/packages/e9/1b/c6a375a337fb576784cdea3700f6c3eaf1420f0a01458e6e034cc178a84a/pip-6.0.5-py2.py3-none-any.whl#sha256=b2c20e3a2a43b2bbb1d19ad98be27eccc7b0f0ece016da602ccaa757a862b0e2 (from https://pypi.org/simple/pip/), version: 6.0.5\n", + " Found link https://files.pythonhosted.org/packages/19/f2/58628768f618c8c9fea878e0fb97730c0b8a838d3ab3f325768bf12dac94/pip-6.0.5.tar.gz#sha256=3bf42d28be9085ab2e9aecfd69a6da2d31563fe833304bf71a620a30c38ab8a2 (from https://pypi.org/simple/pip/), version: 6.0.5\n", + " Found link https://files.pythonhosted.org/packages/64/fc/4a49ccb18f55a0ceeb76e8d554bd4563217117492997825d194ed0017cc1/pip-6.0.6-py2.py3-none-any.whl#sha256=fb04f8afe1ba57626783f0c8e2f3d46bbaebaa446fcf124f434e968a2fee595e (from https://pypi.org/simple/pip/), version: 6.0.6\n", + " Found link https://files.pythonhosted.org/packages/f6/ce/d9e4e178b66c766c117f62ddf4fece019ef9d50127a8926d2f60300d615e/pip-6.0.6.tar.gz#sha256=3a14091299dcdb9bab9e9004ae67ac401f2b1b14a7c98de074ca74fdddf4bfa0 (from https://pypi.org/simple/pip/), version: 6.0.6\n", + " Found link https://files.pythonhosted.org/packages/7a/8e/2bbd4fcf3ee06ee90ded5f39ec12f53165dfdb9ef25a981717ad38a16670/pip-6.0.7-py2.py3-none-any.whl#sha256=93a326304c7db749896bcef822bbbac1ab29dad5651c6d732e245975239890e6 (from https://pypi.org/simple/pip/), version: 6.0.7\n", + " Found link https://files.pythonhosted.org/packages/52/85/b160ebdaa84378df6bb0176d4eed9f57edca662446174eead7a9e2e566d6/pip-6.0.7.tar.gz#sha256=35a5a43ac6b7af83ed47ea5731a365f43d350a3a7267e039e5f06b61d42ab3c2 (from https://pypi.org/simple/pip/), version: 6.0.7\n", + " Found link https://files.pythonhosted.org/packages/63/65/55b71647adec1ad595bf0e5d76d028506dfc002df30c256f022ff7a660a5/pip-6.0.8-py2.py3-none-any.whl#sha256=3c22b0a8ff92727bd737a82f72700790591f177541df08c07bc1f90d6b72ac19 (from https://pypi.org/simple/pip/), version: 6.0.8\n", + " Found link https://files.pythonhosted.org/packages/ef/8a/e3a980bc0a7f791d72c1302f65763ed300f2e14c907ac033e01b44c79e5e/pip-6.0.8.tar.gz#sha256=0d58487a1b7f5be2e5e965c11afbea1dc44ecec8069de03491a4d0d6c85f4551 (from https://pypi.org/simple/pip/), version: 6.0.8\n", + " Found link https://files.pythonhosted.org/packages/24/fb/8a56a46243514681e569bbafd8146fa383476c4b7c725c8598c452366f31/pip-6.1.0-py2.py3-none-any.whl#sha256=435a018f6d29e34d4f901bf4e6860d8a5fa1816b68d62008c18ca062a306db31 (from https://pypi.org/simple/pip/), version: 6.1.0\n", + " Found link https://files.pythonhosted.org/packages/6c/84/432eb60bbcb414b9cdfcb135d5f4925e253c74e7d6916ada79990d6cc1a0/pip-6.1.0.tar.gz#sha256=89f120e2ab3d25ab70c36eb28ad4f280fc9ba71736e74d3055f609c1f9173768 (from https://pypi.org/simple/pip/), version: 6.1.0\n", + " Found link https://files.pythonhosted.org/packages/67/f0/ba0fb41dbdbfc4aa3e0c16b40269aca6b9e3d59cacdb646218aa2e9b1d2c/pip-6.1.1-py2.py3-none-any.whl#sha256=a67e54aa0f26b6d62ccec5cc6735eff205dd0fed075f56ac3d3111e91e4467fc (from https://pypi.org/simple/pip/), version: 6.1.1\n", + " Found link https://files.pythonhosted.org/packages/bf/85/871c126b50b8ee0b9819e8a63b614aedd264577e73478caedcd447e8f28c/pip-6.1.1.tar.gz#sha256=89f3b626d225e08e7f20d85044afa40f612eb3284484169813dc2d0631f2a556 (from https://pypi.org/simple/pip/), version: 6.1.1\n", + " Found link https://files.pythonhosted.org/packages/5a/9b/56d3c18d0784d5f2bbd446ea2dc7ffa7476c35e3dc223741d20cfee3b185/pip-7.0.0-py2.py3-none-any.whl#sha256=309c48399c7d68501a10ef206abd6e5c541fedbf84b95435d9063bd454b39df7 (from https://pypi.org/simple/pip/), version: 7.0.0\n", + " Found link https://files.pythonhosted.org/packages/c6/16/6475b142927ca5d03e3b7968efa5b0edd103e4684ecfde181a25f6fa2505/pip-7.0.0.tar.gz#sha256=7b46bfc1b95494731de306a688e2a7bc056d7fa7ad27e026908fb2ae67fed23d (from https://pypi.org/simple/pip/), version: 7.0.0\n", + " Found link https://files.pythonhosted.org/packages/5a/10/bb7a32c335bceba636aa673a4c977effa1e73a79f88856459486d8d670cf/pip-7.0.1-py2.py3-none-any.whl#sha256=d26b8573ba1ac1ec99a9bdbdffee2ff2b06c7790815211d0eb4dc1462a089705 (from https://pypi.org/simple/pip/), version: 7.0.1\n", + " Found link https://files.pythonhosted.org/packages/4a/83/9ae4362a80739657e0c8bb628ea3fa0214a9aba7c8590dacc301ea293f73/pip-7.0.1.tar.gz#sha256=cfec177552fdd0b2d12b72651c8e874f955b4c62c1c2c9f2588cbdc1c0d0d416 (from https://pypi.org/simple/pip/), version: 7.0.1\n", + " Found link https://files.pythonhosted.org/packages/64/7f/7107800ae0919a80afbf1ecba21b90890431c3ee79d700adac3c79cb6497/pip-7.0.2-py2.py3-none-any.whl#sha256=83c869c5ab7113866e2d69641ec470d47f0faae68ca4550a289a4d3db515ad65 (from https://pypi.org/simple/pip/), version: 7.0.2\n", + " Found link https://files.pythonhosted.org/packages/75/b1/66532c273bca0133e42c3b4540a1609289f16e3046f1830f18c60794d661/pip-7.0.2.tar.gz#sha256=ba28fa60b573a9444e7b78ccb3b0f261d1f66f46d20403f9dce37b18a6aed405 (from https://pypi.org/simple/pip/), version: 7.0.2\r\n", + " Found link https://files.pythonhosted.org/packages/96/76/33a598ae42dd0554207d83c7acc60e3b166dbde723cbf282f1f73b7a127c/pip-7.0.3-py2.py3-none-any.whl#sha256=7b1cb03e827d58d2d05e68ea96a9e27487ed4b0afcd951ac6e40847ce94f0738 (from https://pypi.org/simple/pip/), version: 7.0.3\r\n", + " Found link https://files.pythonhosted.org/packages/35/59/5b23115758ba0f2fc465c459611865173ef006202ba83f662d1f58ed2fb8/pip-7.0.3.tar.gz#sha256=b4c598825a6f6dc2cac65968feb28e6be6c1f7f1408493c60a07eaa731a0affd (from https://pypi.org/simple/pip/), version: 7.0.3\r\n", + " Found link https://files.pythonhosted.org/packages/f7/c0/9f8dac88326609b4b12b304e8382f64f7d5af7735a00d2fac36cf135fc30/pip-7.1.0-py2.py3-none-any.whl#sha256=80c29f899d3a00a448d65f8158544d22935baec7159af8da1a4fa1490ced481d (from https://pypi.org/simple/pip/), version: 7.1.0\r\n", + " Found link https://files.pythonhosted.org/packages/7e/71/3c6ece07a9a885650aa6607b0ebfdf6fc9a3ef8691c44b5e724e4eee7bf2/pip-7.1.0.tar.gz#sha256=d5275ba3221182a5dd1b6bcfbfc5ec277fb399dd23226d6fa018048f7e0f10f2 (from https://pypi.org/simple/pip/), version: 7.1.0\r\n", + " Found link https://files.pythonhosted.org/packages/1c/56/094d563c508917081bccff365e4f621ba33073c1c13aca9267a43cfcaf13/pip-7.1.1-py2.py3-none-any.whl#sha256=ce13000878d34c1178af76cb8cf269e232c00508c78ed46c165dd5b0881615f4 (from https://pypi.org/simple/pip/), version: 7.1.1\r\n", + " Found link https://files.pythonhosted.org/packages/3b/bb/b3f2a95494fd3f01d3b3ae530e7c0e910dc25e88e30787b0a5e10cbc0640/pip-7.1.1.tar.gz#sha256=b22fe3c93a13fc7c04f145a42fd2ad50a9e3e1b8a7eed2e2b1c66e540a0951da (from https://pypi.org/simple/pip/), version: 7.1.1\r\n", + " Found link https://files.pythonhosted.org/packages/b2/d0/cd115fe345dd6f07ec1c780020a7dfe74966fceeb171e0f20d1d4905b0b7/pip-7.1.2-py2.py3-none-any.whl#sha256=b9d3983b5cce04f842175e30169d2f869ef12c3546fd274083a65eada4e9708c (from https://pypi.org/simple/pip/), version: 7.1.2\r\n", + " Found link https://files.pythonhosted.org/packages/d0/92/1e8406c15d9372084a5bf79d96da3a0acc4e7fcf0b80020a4820897d2a5c/pip-7.1.2.tar.gz#sha256=ca047986f0528cfa975a14fb9f7f106271d4e0c3fe1ddced6c1db2e7ae57a477 (from https://pypi.org/simple/pip/), version: 7.1.2\r\n", + " Found link https://files.pythonhosted.org/packages/00/ae/bddef02881ee09c6a01a0d6541aa6c75a226a4e68b041be93142befa0cd6/pip-8.0.0-py2.py3-none-any.whl#sha256=262ed1823eb7fbe3f18a9bedb4800e59c4ab9a6682aff8c37b5ee83ea840910b (from https://pypi.org/simple/pip/), version: 8.0.0\r\n", + " Found link https://files.pythonhosted.org/packages/e3/2d/03c014d11e66628abf2fda5ca00f779cbe7b5292c5cd13d42a95b94aa9b8/pip-8.0.0.tar.gz#sha256=90112b296152f270cb8dddcd19b7b87488d9e002e8cf622e14c4da9c2f6319b1 (from https://pypi.org/simple/pip/), version: 8.0.0\r\n", + " Found link https://files.pythonhosted.org/packages/45/9c/6f9a24917c860873e2ce7bd95b8f79897524353df51d5d920cd6b6c1ec33/pip-8.0.1-py2.py3-none-any.whl#sha256=dedaac846bc74e38a3253671f51a056331ffca1da70e3f48d8128f2aa0635bba (from https://pypi.org/simple/pip/), version: 8.0.1\r\n", + " Found link https://files.pythonhosted.org/packages/ea/66/a3d6187bd307159fedf8575c0d9ee2294d13b1cdd11673ca812e6a2dda8f/pip-8.0.1.tar.gz#sha256=477c50b3e538a7ac0fa611fb8b877b04b33fb70d325b12a81b9dbf3eb1158a4d (from https://pypi.org/simple/pip/), version: 8.0.1\r\n", + " Found link https://files.pythonhosted.org/packages/e7/a0/bd35f5f978a5e925953ce02fa0f078a232f0f10fcbe543d8cfc043f74fda/pip-8.0.2-py2.py3-none-any.whl#sha256=249a6f3194be8c2e8cb4d4be3f6fd16a9f1e3336218caffa8e7419e3816f9988 (from https://pypi.org/simple/pip/), version: 8.0.2\r\n", + " Found link https://files.pythonhosted.org/packages/ce/15/ee1f9a84365423e9ef03d0f9ed0eba2fb00ac1fffdd33e7b52aea914d0f8/pip-8.0.2.tar.gz#sha256=46f4bd0d8dfd51125a554568d646fe4200a3c2c6c36b9f2d06d2212148439521 (from https://pypi.org/simple/pip/), version: 8.0.2\r\n", + " Found link https://files.pythonhosted.org/packages/ae/d4/2b127310f5364610b74c28e2e6a40bc19e2d3c9a9a4e012d3e333e767c99/pip-8.0.3-py2.py3-none-any.whl#sha256=b0335bc837f9edb5aad03bd43d0973b084a1cbe616f8188dc23ba13234dbd552 (from https://pypi.org/simple/pip/), version: 8.0.3\r\n", + " Found link https://files.pythonhosted.org/packages/22/f3/14bc87a4f6b5ec70b682765978a6f3105bf05b6781fa97e04d30138bd264/pip-8.0.3.tar.gz#sha256=30f98b66f3fe1069c529a491597d34a1c224a68640c82caf2ade5f88aa1405e8 (from https://pypi.org/simple/pip/), version: 8.0.3\r\n", + " Found link https://files.pythonhosted.org/packages/1e/c7/78440b3fb882ed001e6e12d8770bd45e73d6eced4e57f7c072b829ce8a3d/pip-8.1.0-py2.py3-none-any.whl#sha256=a542b99e08002ead83200198e19a3983270357e1cb4fe704247990b5b35471dc (from https://pypi.org/simple/pip/), version: 8.1.0\r\n", + " Found link https://files.pythonhosted.org/packages/3c/72/6981d5adf880adecb066a1a1a4c312a17f8d787a3b85446967964ac66d55/pip-8.1.0.tar.gz#sha256=d8faa75dd7d0737b16d50cd0a56dc91a631c79ecfd8d38b80f6ee929ec82043e (from https://pypi.org/simple/pip/), version: 8.1.0\r\n", + " Found link https://files.pythonhosted.org/packages/31/6a/0f19a7edef6c8e5065f4346137cc2a08e22e141942d66af2e1e72d851462/pip-8.1.1-py2.py3-none-any.whl#sha256=44b9c342782ab905c042c207d995aa069edc02621ddbdc2b9f25954a0fdac25c (from https://pypi.org/simple/pip/), version: 8.1.1\r\n", + " Found link https://files.pythonhosted.org/packages/41/27/9a8d24e1b55bd8c85e4d022da2922cb206f183e2d18fee4e320c9547e751/pip-8.1.1.tar.gz#sha256=3e78d3066aaeb633d185a57afdccf700aa2e660436b4af618bcb6ff0fa511798 (from https://pypi.org/simple/pip/), version: 8.1.1\r\n", + " Found link https://files.pythonhosted.org/packages/9c/32/004ce0852e0a127f07f358b715015763273799bd798956fa930814b60f39/pip-8.1.2-py2.py3-none-any.whl#sha256=6464dd9809fb34fc8df2bf49553bb11dac4c13d2ffa7a4f8038ad86a4ccb92a1 (from https://pypi.org/simple/pip/), version: 8.1.2\r\n", + " Found link https://files.pythonhosted.org/packages/e7/a8/7556133689add8d1a54c0b14aeff0acb03c64707ce100ecd53934da1aa13/pip-8.1.2.tar.gz#sha256=4d24b03ffa67638a3fa931c09fd9e0273ffa904e95ebebe7d4b1a54c93d7b732 (from https://pypi.org/simple/pip/), version: 8.1.2\r\n", + " Found link https://files.pythonhosted.org/packages/3f/ef/935d9296acc4f48d1791ee56a73781271dce9712b059b475d3f5fa78487b/pip-9.0.0-py2.py3-none-any.whl#sha256=c856ac18ca01e7127456f831926dc67cc7d3ab663f4c13b1ec156e36db4de574 (from https://pypi.org/simple/pip/) (requires-python:>=2.6,!=3.0.*,!=3.1.*,!=3.2.*), version: 9.0.0\r\n", + " Found link https://files.pythonhosted.org/packages/5e/53/eaef47e5e2f75677c9de0737acc84b659b78a71c4086f424f55346a341b5/pip-9.0.0.tar.gz#sha256=f62fb70e7e000e46fce12aaeca752e5281a5446977fe5a75ab4189a43b3f8793 (from https://pypi.org/simple/pip/) (requires-python:>=2.6,!=3.0.*,!=3.1.*,!=3.2.*), version: 9.0.0\r\n", + " Found link https://files.pythonhosted.org/packages/b6/ac/7015eb97dc749283ffdec1c3a88ddb8ae03b8fad0f0e611408f196358da3/pip-9.0.1-py2.py3-none-any.whl#sha256=690b762c0a8460c303c089d5d0be034fb15a5ea2b75bdf565f40421f542fefb0 (from https://pypi.org/simple/pip/) (requires-python:>=2.6,!=3.0.*,!=3.1.*,!=3.2.*), version: 9.0.1\r\n", + " Found link https://files.pythonhosted.org/packages/11/b6/abcb525026a4be042b486df43905d6893fb04f05aac21c32c638e939e447/pip-9.0.1.tar.gz#sha256=09f243e1a7b461f654c26a725fa373211bb7ff17a9300058b205c61658ca940d (from https://pypi.org/simple/pip/) (requires-python:>=2.6,!=3.0.*,!=3.1.*,!=3.2.*), version: 9.0.1\r\n", + " Found link https://files.pythonhosted.org/packages/e7/f9/e801dcea22886cd513f6bd2e8f7e581bd6f67bb8e8f1cd8e7b92d8539280/pip-9.0.2-py2.py3-none-any.whl#sha256=b135491ddb061f39719b8472d8abb59c613816a2b86069c332db74d1cd208ab2 (from https://pypi.org/simple/pip/) (requires-python:>=2.6,!=3.0.*,!=3.1.*,!=3.2.*), version: 9.0.2\r\n", + " Found link https://files.pythonhosted.org/packages/e5/8f/3fc66461992dc9e9fcf5e005687d5f676729172dda640df2fd8b597a6da7/pip-9.0.2.tar.gz#sha256=88110a224e9d30e5d76592a0b2130ef10e7e67a6426e8617bb918fffbfe91fe5 (from https://pypi.org/simple/pip/) (requires-python:>=2.6,!=3.0.*,!=3.1.*,!=3.2.*), version: 9.0.2\r\n", + " Found link https://files.pythonhosted.org/packages/ac/95/a05b56bb975efa78d3557efa36acaf9cf5d2fd0ee0062060493687432e03/pip-9.0.3-py2.py3-none-any.whl#sha256=c3ede34530e0e0b2381e7363aded78e0c33291654937e7373032fda04e8803e5 (from https://pypi.org/simple/pip/) (requires-python:>=2.6,!=3.0.*,!=3.1.*,!=3.2.*), version: 9.0.3\r\n", + " Found link https://files.pythonhosted.org/packages/c4/44/e6b8056b6c8f2bfd1445cc9990f478930d8e3459e9dbf5b8e2d2922d64d3/pip-9.0.3.tar.gz#sha256=7bf48f9a693be1d58f49f7af7e0ae9fe29fd671cde8a55e6edca3581c4ef5796 (from https://pypi.org/simple/pip/) (requires-python:>=2.6,!=3.0.*,!=3.1.*,!=3.2.*), version: 9.0.3\r\n", + " Found link https://files.pythonhosted.org/packages/4b/5a/8544ae02a5bd28464e03af045e8aabde20a7b02db1911a9159328e1eb25a/pip-10.0.0b1-py2.py3-none-any.whl#sha256=dbd5d24cd461be23429625085a36cc8732cbcac4d2aaf673031f80f6ac07d844 (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*), version: 10.0.0b1\r\n", + " Found link https://files.pythonhosted.org/packages/aa/6d/ffbb86abf18b750fb26f27eda7c7732df2aacaa669c420d2eb2ad6df3458/pip-10.0.0b1.tar.gz#sha256=8d6e63d8b99752e4b53f272b66f9cd7b59e2b288e9a863a61c48d167203a2656 (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*), version: 10.0.0b1\r\n", + " Found link https://files.pythonhosted.org/packages/97/72/1d514201e7d7fc7fff5aac3de9c7b892cd72fb4bf23fd983630df96f7412/pip-10.0.0b2-py2.py3-none-any.whl#sha256=79f55588912f1b2b4f86f96f11e329bb01b25a484e2204f245128b927b1038a7 (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*), version: 10.0.0b2\r\n", + " Found link https://files.pythonhosted.org/packages/32/67/572f642e6e42c580d3154964cfbab7d9322c23b0f417c6c01fdd206a2777/pip-10.0.0b2.tar.gz#sha256=ad6adec2150ce4aed8f6134d9b77d928fc848dbcb887fb1a455988cf99da5cae (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*), version: 10.0.0b2\r\n", + " Found link https://files.pythonhosted.org/packages/62/a1/0d452b6901b0157a0134fd27ba89bf95a857fbda64ba52e1ca2cf61d8412/pip-10.0.0-py2.py3-none-any.whl#sha256=86a60a96d85e329962a9e6f6af612cbc11106293dbc83f119802b5bee9874cf3 (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*), version: 10.0.0\r\n", + " Found link https://files.pythonhosted.org/packages/e0/69/983a8e47d3dfb51e1463c1e962b2ccd1d74ec4e236e232625e353d830ed2/pip-10.0.0.tar.gz#sha256=f05a3eeea64bce94e85cc6671d679473d66288a4d37c3fcf983584954096b34f (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*), version: 10.0.0\r\n", + " Found link https://files.pythonhosted.org/packages/0f/74/ecd13431bcc456ed390b44c8a6e917c1820365cbebcb6a8974d1cd045ab4/pip-10.0.1-py2.py3-none-any.whl#sha256=717cdffb2833be8409433a93746744b59505f42146e8d37de6c62b430e25d6d7 (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*), version: 10.0.1\r\n", + " Found link https://files.pythonhosted.org/packages/ae/e8/2340d46ecadb1692a1e455f13f75e596d4eab3d11a57446f08259dee8f02/pip-10.0.1.tar.gz#sha256=f2bd08e0cd1b06e10218feaf6fef299f473ba706582eb3bd9d52203fdbd7ee68 (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*), version: 10.0.1\r\n", + " Found link https://files.pythonhosted.org/packages/5f/25/e52d3f31441505a5f3af41213346e5b6c221c9e086a166f3703d2ddaf940/pip-18.0-py2.py3-none-any.whl#sha256=070e4bf493c7c2c9f6a08dd797dd3c066d64074c38e9e8a0fb4e6541f266d96c (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*), version: 18.0\r\n", + " Found link https://files.pythonhosted.org/packages/69/81/52b68d0a4de760a2f1979b0931ba7889202f302072cc7a0d614211bc7579/pip-18.0.tar.gz#sha256=a0e11645ee37c90b40c46d607070c4fd583e2cd46231b1c06e389c5e814eed76 (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*), version: 18.0\r\n", + " Found link https://files.pythonhosted.org/packages/c2/d7/90f34cb0d83a6c5631cf71dfe64cc1054598c843a92b400e55675cc2ac37/pip-18.1-py2.py3-none-any.whl#sha256=7909d0a0932e88ea53a7014dfd14522ffef91a464daaaf5c573343852ef98550 (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*), version: 18.1\r\n", + " Found link https://files.pythonhosted.org/packages/45/ae/8a0ad77defb7cc903f09e551d88b443304a9bd6e6f124e75c0fbbf6de8f7/pip-18.1.tar.gz#sha256=c0a292bd977ef590379a3f05d7b7f65135487b67470f6281289a94e015650ea1 (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*), version: 18.1\r\n", + " Found link https://files.pythonhosted.org/packages/60/64/73b729587b6b0d13e690a7c3acd2231ee561e8dd28a58ae1b0409a5a2b20/pip-19.0-py2.py3-none-any.whl#sha256=249ab0de4c1cef3dba4cf3f8cca722a07fc447b1692acd9f84e19c646db04c9a (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*), version: 19.0\r\n", + " Found link https://files.pythonhosted.org/packages/11/31/c483614095176ddfa06ac99c2af4171375053b270842c7865ca0b4438dc1/pip-19.0.tar.gz#sha256=c82bf8bc00c5732f0dd49ac1dea79b6242a1bd42a5012e308ed4f04369b17e54 (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*), version: 19.0\r\n", + " Found link https://files.pythonhosted.org/packages/46/dc/7fd5df840efb3e56c8b4f768793a237ec4ee59891959d6a215d63f727023/pip-19.0.1-py2.py3-none-any.whl#sha256=aae79c7afe895fb986ec751564f24d97df1331bb99cdfec6f70dada2f40c0044 (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*), version: 19.0.1\r\n", + " Found link https://files.pythonhosted.org/packages/c8/89/ad7f27938e59db1f0f55ce214087460f65048626e2226531ba6cb6da15f0/pip-19.0.1.tar.gz#sha256=e81ddd35e361b630e94abeda4a1eddd36d47a90e71eb00f38f46b57f787cd1a5 (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*), version: 19.0.1\r\n", + " Found link https://files.pythonhosted.org/packages/d7/41/34dd96bd33958e52cb4da2f1bf0818e396514fd4f4725a79199564cd0c20/pip-19.0.2-py2.py3-none-any.whl#sha256=6a59f1083a63851aeef60c7d68b119b46af11d9d803ddc1cf927b58edcd0b312 (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*), version: 19.0.2\r\n", + " Found link https://files.pythonhosted.org/packages/4c/4d/88bc9413da11702cbbace3ccc51350ae099bb351febae8acc85fec34f9af/pip-19.0.2.tar.gz#sha256=f851133f8b58283fa50d8c78675eb88d4ff4cde29b6c41205cd938b06338e0e5 (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*), version: 19.0.2\r\n", + " Found link https://files.pythonhosted.org/packages/d8/f3/413bab4ff08e1fc4828dfc59996d721917df8e8583ea85385d51125dceff/pip-19.0.3-py2.py3-none-any.whl#sha256=bd812612bbd8ba84159d9ddc0266b7fbce712fc9bc98c82dee5750546ec8ec64 (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*), version: 19.0.3\r\n", + " Found link https://files.pythonhosted.org/packages/36/fa/51ca4d57392e2f69397cd6e5af23da2a8d37884a605f9e3f2d3bfdc48397/pip-19.0.3.tar.gz#sha256=6e6f197a1abfb45118dbb878b5c859a0edbdd33fd250100bc015b67fded4b9f2 (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*), version: 19.0.3\r\n", + " Found link https://files.pythonhosted.org/packages/f9/fb/863012b13912709c13cf5cfdbfb304fa6c727659d6290438e1a88df9d848/pip-19.1-py2.py3-none-any.whl#sha256=8f59b6cf84584d7962d79fd1be7a8ec0eb198aa52ea864896551736b3614eee9 (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*), version: 19.1\r\n", + " Found link https://files.pythonhosted.org/packages/51/5f/802a04274843f634469ef299fcd273de4438386deb7b8681dd059f0ee3b7/pip-19.1.tar.gz#sha256=d9137cb543d8a4d73140a3282f6d777b2e786bb6abb8add3ac5b6539c82cd624 (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*), version: 19.1\r\n", + " Found link https://files.pythonhosted.org/packages/5c/e0/be401c003291b56efc55aeba6a80ab790d3d4cece2778288d65323009420/pip-19.1.1-py2.py3-none-any.whl#sha256=993134f0475471b91452ca029d4390dc8f298ac63a712814f101cd1b6db46676 (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*), version: 19.1.1\r\n", + " Found link https://files.pythonhosted.org/packages/93/ab/f86b61bef7ab14909bd7ec3cd2178feb0a1c86d451bc9bccd5a1aedcde5f/pip-19.1.1.tar.gz#sha256=44d3d7d3d30a1eb65c7e5ff1173cdf8f7467850605ac7cc3707b6064bddd0958 (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*), version: 19.1.1\r\n", + " Found link https://files.pythonhosted.org/packages/3a/6f/35de4f49ae5c7fdb2b64097ab195020fb48faa8ad3a85386ece6953c11b1/pip-19.2-py2.py3-none-any.whl#sha256=468c67b0b1120cd0329dc72972cf0651310783a922e7609f3102bd5fb4acbf17 (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*,!=3.4.*), version: 19.2\r\n", + " Found link https://files.pythonhosted.org/packages/41/13/b6e68eae78405af6e4e9a93319ae5bb371057786f1590b157341f7542d7d/pip-19.2.tar.gz#sha256=aa6fdd80d13caac75d92b5eced06778712859b1606ba92d62389c11be12b2dad (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*,!=3.4.*), version: 19.2\r\n", + " Found link https://files.pythonhosted.org/packages/62/ca/94d32a6516ed197a491d17d46595ce58a83cbb2fca280414e57cd86b84dc/pip-19.2.1-py2.py3-none-any.whl#sha256=80d7452630a67c1e7763b5f0a515690f2c1e9ad06dda48e0ae85b7fdf2f59d97 (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*,!=3.4.*), version: 19.2.1\r\n", + " Found link https://files.pythonhosted.org/packages/8b/8a/1b2aadd922db1afe6bc107b03de41d6d37a28a5923383e60695fba24ae81/pip-19.2.1.tar.gz#sha256=258d702483dd749400aec59c23d638a5b2249ae28a0f478b6cab12ad45681a80 (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*,!=3.4.*), version: 19.2.1\r\n", + " Found link https://files.pythonhosted.org/packages/8d/07/f7d7ced2f97ca3098c16565efbe6b15fafcba53e8d9bdb431e09140514b0/pip-19.2.2-py2.py3-none-any.whl#sha256=4b956bd8b7b481fc5fa222637ff6d0823a327e5118178f1ec47618a480e61997 (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*,!=3.4.*), version: 19.2.2\r\n", + " Found link https://files.pythonhosted.org/packages/aa/1a/62fb0b95b1572c76dbc3cc31124a8b6866cbe9139eb7659ac7349457cf7c/pip-19.2.2.tar.gz#sha256=e05103825871e210d50a44c7e448587b0ed99dd775d3ef586304c58f40224a53 (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*,!=3.4.*), version: 19.2.2\r\n", + " Found link https://files.pythonhosted.org/packages/30/db/9e38760b32e3e7f40cce46dd5fb107b8c73840df38f0046d8e6514e675a1/pip-19.2.3-py2.py3-none-any.whl#sha256=340a0ba40fdeb16413914c0fcd8e0b4ebb0bf39a900ec80e11c05d836c05103f (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*,!=3.4.*), version: 19.2.3\r\n", + " Found link https://files.pythonhosted.org/packages/00/9e/4c83a0950d8bdec0b4ca72afd2f9cea92d08eb7c1a768363f2ea458d08b4/pip-19.2.3.tar.gz#sha256=e7a31f147974362e6c82d84b91c7f2bdf57e4d3163d3d454e6c3e71944d67135 (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*,!=3.4.*), version: 19.2.3\r\n", + " Found link https://files.pythonhosted.org/packages/4a/08/6ca123073af4ebc4c5488a5bc8a010ac57aa39ce4d3c8a931ad504de4185/pip-19.3-py2.py3-none-any.whl#sha256=e100a7eccf085f0720b4478d3bb838e1c179b1e128ec01c0403f84e86e0e2dfb (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*,!=3.4.*), version: 19.3\r\n", + " Found link https://files.pythonhosted.org/packages/af/7a/5dd1e6efc894613c432ce86f1011fcc3bbd8ac07dfeae6393b7b97f1de8b/pip-19.3.tar.gz#sha256=324d234b8f6124846b4e390df255cacbe09ce22791c3b714aa1ea6e44a4f2861 (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*,!=3.4.*), version: 19.3\r\n", + " Found link https://files.pythonhosted.org/packages/00/b6/9cfa56b4081ad13874b0c6f96af8ce16cfbc1cb06bedf8e9164ce5551ec1/pip-19.3.1-py2.py3-none-any.whl#sha256=6917c65fc3769ecdc61405d3dfd97afdedd75808d200b2838d7d961cebc0c2c7 (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*,!=3.4.*), version: 19.3.1\r\n", + " Found link https://files.pythonhosted.org/packages/ce/ea/9b445176a65ae4ba22dce1d93e4b5fe182f953df71a145f557cffaffc1bf/pip-19.3.1.tar.gz#sha256=21207d76c1031e517668898a6b46a9fb1501c7a4710ef5dfd6a40ad9e6757ea7 (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*,!=3.4.*), version: 19.3.1\r\n", + " Skipping link: yanked for reason: : https://files.pythonhosted.org/packages/60/65/16487a7c4e0f95bb3fc89c2e377be331fd496b7a9b08fd3077de7f3ae2cf/pip-20.0-py2.py3-none-any.whl#sha256=eea07b449d969dbc8c062c157852cf8ed2ad1b8b5ac965a6b819e62929e41703 (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*,!=3.4.*)\r\n", + " Skipping link: yanked for reason: : https://files.pythonhosted.org/packages/8c/5c/c18d58ab5c1a702bf670e0bd6a77cd4645e4aeca021c6118ef850895cc96/pip-20.0.tar.gz#sha256=5128e9a9401f1d16c1d15b2ed766a79d7813db1538428d0b0ce74838249e3a41 (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*,!=3.4.*)\r\n", + " Found link https://files.pythonhosted.org/packages/57/36/67f809c135c17ec9b8276466cc57f35b98c240f55c780689ea29fa32f512/pip-20.0.1-py2.py3-none-any.whl#sha256=b7110a319790ae17e8105ecd6fe07dbcc098a280c6d27b6dd7a20174927c24d7 (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*,!=3.4.*), version: 20.0.1\r\n", + " Found link https://files.pythonhosted.org/packages/28/af/2c76c8aa46ccdf7578b83d97a11a2d1858794d4be4a1610ade0d30182e8b/pip-20.0.1.tar.gz#sha256=3cebbac2a1502e09265f94e5717408339de846b3c0f0ed086d7b817df9cab822 (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*,!=3.4.*), version: 20.0.1\r\n", + " Found link https://files.pythonhosted.org/packages/54/0c/d01aa759fdc501a58f431eb594a17495f15b88da142ce14b5845662c13f3/pip-20.0.2-py2.py3-none-any.whl#sha256=4ae14a42d8adba3205ebeb38aa68cfc0b6c346e1ae2e699a0b3bad4da19cef5c (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*,!=3.4.*), version: 20.0.2\r\n", + " Found link https://files.pythonhosted.org/packages/8e/76/66066b7bc71817238924c7e4b448abdb17eb0c92d645769c223f9ace478f/pip-20.0.2.tar.gz#sha256=7db0c8ea4c7ea51c8049640e8e6e7fde949de672bfa4949920675563a5a6967f (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*,!=3.4.*), version: 20.0.2\r\n", + " Found link https://files.pythonhosted.org/packages/ec/05/82d3fababbf462d876883ebc36f030f4fa057a563a80f5a26ee63679d9ea/pip-20.1b1-py2.py3-none-any.whl#sha256=4cf0348b683937da883ccaae8c8bcfc9b4c7ba4c48b38cc2d89cd7b8d0b220d9 (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*,!=3.4.*), version: 20.1b1\r\n", + " Found link https://files.pythonhosted.org/packages/cd/81/c1184456fe506bd50992571c9f8581907976ce71502e36741f033e2da1f1/pip-20.1b1.tar.gz#sha256=699880a47f6d306f4f9a87ca151ef33d41d2223b81ff343b786d38c297923a19 (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*,!=3.4.*), version: 20.1b1\r\n", + " Found link https://files.pythonhosted.org/packages/54/2e/df11ea7e23e7e761d484ed3740285a34e38548cf2bad2bed3dd5768ec8b9/pip-20.1-py2.py3-none-any.whl#sha256=4fdc7fd2db7636777d28d2e1432e2876e30c2b790d461f135716577f73104369 (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*,!=3.4.*), version: 20.1\r\n", + " Found link https://files.pythonhosted.org/packages/d1/05/059c78cd5d740d2299266ffa15514dad6692d4694df571bf168e2cdd98fb/pip-20.1.tar.gz#sha256=572c0f25eca7c87217b21f6945b7192744103b18f4e4b16b8a83b227a811e192 (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*,!=3.4.*), version: 20.1\r\n", + " Found link https://files.pythonhosted.org/packages/43/84/23ed6a1796480a6f1a2d38f2802901d078266bda38388954d01d3f2e821d/pip-20.1.1-py2.py3-none-any.whl#sha256=b27c4dedae8c41aa59108f2fa38bf78e0890e590545bc8ece7cdceb4ba60f6e4 (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*,!=3.4.*), version: 20.1.1\r\n", + " Found link https://files.pythonhosted.org/packages/08/25/f204a6138dade2f6757b4ae99bc3994aac28a5602c97ddb2a35e0e22fbc4/pip-20.1.1.tar.gz#sha256=27f8dc29387dd83249e06e681ce087e6061826582198a425085e0bf4c1cf3a55 (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*,!=3.4.*), version: 20.1.1\r\n", + " Found link https://files.pythonhosted.org/packages/fe/3b/0fc5e63eb277d5a50a95ce5c896f742ef243be27382303a4a44dd0197e29/pip-20.2b1-py2.py3-none-any.whl#sha256=b4e230e2b8ece18c5a19b818f3c20a8d4eeac8172962779fd9898d7c4ceb1636 (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*,!=3.4.*), version: 20.2b1\r\n", + " Found link https://files.pythonhosted.org/packages/77/3e/6a1fd8e08a06e3e0f54182c7c937bba3f4e9cf1b26f54946d3915021ea2e/pip-20.2b1.tar.gz#sha256=dbf65ecb1c30d35d72f5fda052fcd2f1ea9aca8eaf03d930846d990f51d3f6f6 (from https://pypi.org/simple/pip/) (requires-python:>=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*,!=3.4.*), version: 20.2b1\r\n", + "Given no hashes to check 139 links for project 'pip': discarding no candidates\r\n" + ] + } + ], + "source": [ + "!pip install -v --no-cache-dir ./apex" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "colab_type": "text", + "id": "uEuiRUr2U42g" + }, + "source": [ + "ends with\n", + "```\n", + "Successfully installed apex-0.1\n", + "Cleaning up...\n", + "Removed build tracker '/tmp/pip-req-tracker-yl9p9317'\n", + "```\n", + "\n", + "\"A Python-only build\" omits:\n", + "* Fused kernels **required** to use apex.optimizers.FusedAdam.\n", + "* Fused kernels **required** to use apex.normalization.FusedLayerNorm.\n", + "* Fused kernels that improve the performance and numerical stability of apex.parallel.SyncBatchNorm.\n", + "* Fused kernels that improve the performance of apex.parallel.DistributedDataParallel and apex.amp. DistributedDataParallel, amp, and SyncBatchNorm will still be usable, but they may be slower.\n", + "\n", + "AMP: Automatic Mixed Precision: https://nvidia.github.io/apex/amp.html" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "colab_type": "text", + "id": "NfnfJLGb7GSY" + }, + "source": [ + "## install PyTorch Detection (Scene-Graph-Benchmark.pytorch)\n", + "We change the file name from `Scene-Graph-Benchmark.pytorch` to `Scene`\n", + "because *ninja* can not handel certain characters in the directory's name\n", + "([source](https://stackoverflow.com/questions/54569963/error-building-depfile-has-multiple-output-paths-ninja-build-stopped-subcomm ))" + ] + }, + { + "cell_type": "code", + "execution_count": 11, + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/", + "height": 150 + }, + "colab_type": "code", + "id": "QrQhyUTS7Fnj", + "outputId": "1a77bc42-3376-4b68-d247-fccc6e4d79e1" + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Cloning into 'Scene-Graph-Benchmark.pytorch'...\n", + "remote: Enumerating objects: 11, done.\u001b[K\n", + "remote: Counting objects: 100% (11/11), done.\u001b[K\n", + "remote: Compressing objects: 100% (11/11), done.\u001b[K\n", + "remote: Total 462 (delta 1), reused 0 (delta 0), pack-reused 451\u001b[K\n", + "Receiving objects: 100% (462/462), 26.17 MiB | 12.90 MiB/s, done.\n", + "Resolving deltas: 100% (150/150), done.\n", + "Checking connectivity... done.\n" + ] + } + ], + "source": [ + "! git clone https://github.com/KaihuaTang/Scene-Graph-Benchmark.pytorch.git Scene" + ] + }, + { + "cell_type": "code", + "execution_count": 13, + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/", + "height": 33 + }, + "colab_type": "code", + "id": "adnO822q8mPB", + "outputId": "cf05fe69-e504-4bb2-c88e-291902fbbe93" + }, + "outputs": [], + "source": [ + "# you can also rename it using this cmd\n", + "# ! mv Scene-Graph-Benchmark.pytorch Scene" + ] + }, + { + "cell_type": "code", + "execution_count": 15, + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/", + "height": 1000 + }, + "colab_type": "code", + "id": "B72Lk4W_86Kq", + "outputId": "bf692be0-36e0-4110-a35e-52cb780dcd83" + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "running build\n", + "running build_py\n", + "running build_ext\n", + "building 'maskrcnn_benchmark._C' extension\n", + "Emitting ninja build file /root/Scene/build/temp.linux-x86_64-3.7/build.ninja...\n", + "Compiling objects...\n", + "Allowing ninja to set a default number of workers... (overridable by setting the environment variable MAX_JOBS=N)\n", + "[1/2] /usr/local/cuda/bin/nvcc -DWITH_CUDA -I/root/Scene/maskrcnn_benchmark/csrc -I/opt/conda/lib/python3.7/site-packages/torch/include -I/opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/opt/conda/lib/python3.7/site-packages/torch/include/TH -I/opt/conda/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda/include -I/opt/conda/include/python3.7m -c -c /root/Scene/maskrcnn_benchmark/csrc/cuda/deform_pool_cuda.cu -o /root/Scene/build/temp.linux-x86_64-3.7/root/Scene/maskrcnn_benchmark/csrc/cuda/deform_pool_cuda.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options '-fPIC' -DCUDA_HAS_FP16=1 -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ -DTORCH_API_INCLUDE_EXTENSION_H -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_37,code=sm_37 -std=c++14\n", + "[2/2] /usr/local/cuda/bin/nvcc -DWITH_CUDA -I/root/Scene/maskrcnn_benchmark/csrc -I/opt/conda/lib/python3.7/site-packages/torch/include -I/opt/conda/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/opt/conda/lib/python3.7/site-packages/torch/include/TH -I/opt/conda/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda/include -I/opt/conda/include/python3.7m -c -c /root/Scene/maskrcnn_benchmark/csrc/cuda/deform_conv_cuda.cu -o /root/Scene/build/temp.linux-x86_64-3.7/root/Scene/maskrcnn_benchmark/csrc/cuda/deform_conv_cuda.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options '-fPIC' -DCUDA_HAS_FP16=1 -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ -DTORCH_API_INCLUDE_EXTENSION_H -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_37,code=sm_37 -std=c++14\n", + "g++ -pthread -shared -B /opt/conda/compiler_compat -L/opt/conda/lib -Wl,-rpath=/opt/conda/lib -Wl,--no-as-needed -Wl,--sysroot=/ /root/Scene/build/temp.linux-x86_64-3.7/root/Scene/maskrcnn_benchmark/csrc/vision.o /root/Scene/build/temp.linux-x86_64-3.7/root/Scene/maskrcnn_benchmark/csrc/cpu/nms_cpu.o /root/Scene/build/temp.linux-x86_64-3.7/root/Scene/maskrcnn_benchmark/csrc/cpu/ROIAlign_cpu.o /root/Scene/build/temp.linux-x86_64-3.7/root/Scene/maskrcnn_benchmark/csrc/cuda/ROIAlign_cuda.o /root/Scene/build/temp.linux-x86_64-3.7/root/Scene/maskrcnn_benchmark/csrc/cuda/deform_pool_kernel_cuda.o /root/Scene/build/temp.linux-x86_64-3.7/root/Scene/maskrcnn_benchmark/csrc/cuda/nms.o /root/Scene/build/temp.linux-x86_64-3.7/root/Scene/maskrcnn_benchmark/csrc/cuda/deform_pool_cuda.o /root/Scene/build/temp.linux-x86_64-3.7/root/Scene/maskrcnn_benchmark/csrc/cuda/deform_conv_kernel_cuda.o /root/Scene/build/temp.linux-x86_64-3.7/root/Scene/maskrcnn_benchmark/csrc/cuda/deform_conv_cuda.o /root/Scene/build/temp.linux-x86_64-3.7/root/Scene/maskrcnn_benchmark/csrc/cuda/SigmoidFocalLoss_cuda.o /root/Scene/build/temp.linux-x86_64-3.7/root/Scene/maskrcnn_benchmark/csrc/cuda/ROIPool_cuda.o -L/opt/conda/lib/python3.7/site-packages/torch/lib -L/usr/local/cuda/lib64 -lc10 -ltorch -ltorch_cpu -ltorch_python -lcudart -lc10_cuda -ltorch_cuda -o build/lib.linux-x86_64-3.7/maskrcnn_benchmark/_C.cpython-37m-x86_64-linux-gnu.so\n", + "running develop\n", + "running egg_info\n", + "creating maskrcnn_benchmark.egg-info\n", + "writing maskrcnn_benchmark.egg-info/PKG-INFO\n", + "writing dependency_links to maskrcnn_benchmark.egg-info/dependency_links.txt\n", + "writing top-level names to maskrcnn_benchmark.egg-info/top_level.txt\n", + "writing manifest file 'maskrcnn_benchmark.egg-info/SOURCES.txt'\n", + "reading manifest file 'maskrcnn_benchmark.egg-info/SOURCES.txt'\n", + "writing manifest file 'maskrcnn_benchmark.egg-info/SOURCES.txt'\n", + "running build_ext\n", + "copying build/lib.linux-x86_64-3.7/maskrcnn_benchmark/_C.cpython-37m-x86_64-linux-gnu.so -> maskrcnn_benchmark\n", + "Creating /opt/conda/lib/python3.7/site-packages/maskrcnn-benchmark.egg-link (link to .)\n", + "Adding maskrcnn-benchmark 0.1 to easy-install.pth file\n", + "\n", + "Installed /root/Scene\n", + "Processing dependencies for maskrcnn-benchmark==0.1\n", + "Finished processing dependencies for maskrcnn-benchmark==0.1\n" + ] + } + ], + "source": [ + "! cd Scene; python setup.py build develop" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "colab_type": "text", + "id": "LrKqXJxATmhD" + }, + "source": [ + "ends with:\n", + "\n", + "\n", + "```\n", + "Installed /content/Scene\n", + "Processing dependencies for maskrcnn-benchmark==0.1\n", + "Finished processing dependencies for maskrcnn-benchmark==0.1\n", + "```\n", + "otherwise you can get:\n", + "~~~\n", + "RuntimeError: Error compiling objects for extension\n", + "~~~\n", + "\n", + "\n", + "The line above might not work for many reasons:\n", + "* ninja is not installed\n", + "* the folder name contains crasy characters like space, points\n", + "* other reasons\n", + "\n", + "follow carefully the instructions above to avoid any problem :)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Additionnal instructions for Windows:\n", + "You might incounter this issue https://github.com/facebookresearch/maskrcnn-benchmark/issues/547\n", + "then you might need to run that first:\n", + "```\n", + "set \"VS150COMNTOOLS=C:\\Program Files (x86)\\Microsoft Visual Studio\\2019\\Community\\VC\\Auxiliary\\Build\"\n", + "set CMAKE_GENERATOR=Visual Studio 16 2019 Win64\n", + "set DISTUTILS_USE_SDK=1\n", + "call \"%VS150COMNTOOLS%\\vcvarsall.bat\" x64 -vcvars_ver=14.11\n", + "python setup.py build develop\n", + "call \"C:\\Program Files (x86)\\Microsoft Visual Studio 14.0\\VC\\vcvarsall.bat\" x64 -vcvars_ver=14.0\n", + "```" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "colab_type": "text", + "id": "bkpjGsSB88xK" + }, + "source": [ + "# DATASET\n", + "## VG images\n", + "Download the VG images part1 (9 Gb) part2 (5 Gb)." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "! wget https://cs.stanford.edu/people/rak248/VG_100K_2/images.zip" + ] + }, + { + "cell_type": "code", + "execution_count": 1, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "--2020-06-04 13:58:39-- https://cs.stanford.edu/people/rak248/VG_100K_2/images2.zip\n", + "Resolving cs.stanford.edu (cs.stanford.edu)... 171.64.64.64\n", + "Connecting to cs.stanford.edu (cs.stanford.edu)|171.64.64.64|:443... connected.\n", + "HTTP request sent, awaiting response... 200 OK\n", + "Length: 5471658058 (5.1G) [application/zip]\n", + "Saving to: ‘images2.zip’\n", + "\n", + "images2.zip 100%[===================>] 5.10G 4.98MB/s in 30m 18s \n", + "\n", + "2020-06-04 14:28:57 (2.87 MB/s) - ‘images2.zip’ saved [5471658058/5471658058]\n", + "\n" + ] + } + ], + "source": [ + "! wget https://cs.stanford.edu/people/rak248/VG_100K_2/images2.zip" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Please Extract these images to the directory datasets/vg/VG_100K/ \n", + "\n", + "If you want to use other directory, please link it in `DATASETS['VG_stanford_filtered']['img_dir']` of `maskrcnn_benchmark/config/paths_catelog.py`" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "colab_type": "text", + "id": "RAZMM7VGYhiV" + }, + "source": [ + "## SGG model" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "colab_type": "text", + "id": "BhUwA2fXfOJ2" + }, + "source": [ + "The following code does this automatically:\n", + "\n", + "Download the [scene graphs](https://onedrive.live.com/embed?cid=22376FFAD72C4B64&resid=22376FFAD72C4B64%21779871&authkey=AA33n7BRpB1xa3I) to `Scene/datasets/vg/VG-SGG-with-attri.h5` (144 Mb)\n", + "\n", + "or you can edit the path in `DATASETS['VG_stanford_filtered_with_attribute']['roidb_file']` of `maskrcnn_benchmark/config/paths_catelog.py`" + ] + }, + { + "cell_type": "code", + "execution_count": 1, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Collecting gdown\n", + " Downloading gdown-3.11.0.tar.gz (8.6 kB)\n", + " Installing build dependencies ... \u001b[?25ldone\n", + "\u001b[?25h Getting requirements to build wheel ... \u001b[?25ldone\n", + "\u001b[?25h Preparing wheel metadata ... \u001b[?25ldone\n", + "\u001b[?25hRequirement already satisfied: tqdm in /opt/conda/lib/python3.7/site-packages (from gdown) (4.46.0)\n", + "Requirement already satisfied: requests[socks] in /opt/conda/lib/python3.7/site-packages (from gdown) (2.23.0)\n", + "Collecting filelock\n", + " Downloading filelock-3.0.12-py3-none-any.whl (7.6 kB)\n", + "Requirement already satisfied: six in /opt/conda/lib/python3.7/site-packages (from gdown) (1.14.0)\n", + "Requirement already satisfied: idna<3,>=2.5 in /opt/conda/lib/python3.7/site-packages (from requests[socks]->gdown) (2.9)\n", + "Requirement already satisfied: certifi>=2017.4.17 in /opt/conda/lib/python3.7/site-packages (from requests[socks]->gdown) (2020.4.5.1)\n", + "Requirement already satisfied: urllib3!=1.25.0,!=1.25.1,<1.26,>=1.21.1 in /opt/conda/lib/python3.7/site-packages (from requests[socks]->gdown) (1.25.8)\n", + "Requirement already satisfied: chardet<4,>=3.0.2 in /opt/conda/lib/python3.7/site-packages (from requests[socks]->gdown) (3.0.4)\n", + "Requirement already satisfied: PySocks!=1.5.7,>=1.5.6; extra == \"socks\" in /opt/conda/lib/python3.7/site-packages (from requests[socks]->gdown) (1.7.1)\n", + "Building wheels for collected packages: gdown\n", + " Building wheel for gdown (PEP 517) ... \u001b[?25ldone\n", + "\u001b[?25h Created wheel for gdown: filename=gdown-3.11.0-py3-none-any.whl size=9619 sha256=184ea18d44683eac553a1b7705ea72a9ec3cf61445acecbfd08fdcf3912a97bb\n", + " Stored in directory: /root/.cache/pip/wheels/05/e6/10/9cbfea8dcf9fde0f406da1e4c71d5c3cf3c99e0502d7f08ac6\n", + "Successfully built gdown\n", + "Installing collected packages: filelock, gdown\n", + "Successfully installed filelock-3.0.12 gdown-3.11.0\n" + ] + } + ], + "source": [ + "!pip install gdown" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "# alternatively\n", + "! gdown \"https://drive.google.com/uc?id=1h2XzeQgJNYgg3q66t1oujofbWvBIYMXG\" -O /content/Scene/maskrcnn_benchmark/data/datasets/vg/VG-SGG-with-attri.h5\n", + "# miror link for manual download https://onedrive.live.com/embed?cid=22376FFAD72C4B64&resid=22376FFAD72C4B64%21779871&authkey=AA33n7BRpB1xa3I\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/", + "height": 50 + }, + "colab_type": "code", + "id": "0RWl450VelIL", + "outputId": "4208b01b-9db9-41dc-8512-3d6dadde72f9" + }, + "outputs": [], + "source": [ + "! ls -l --block-size=M \"/content/Scene/maskrcnn_benchmark/datasets/vg\"\n", + "# file size should be 144M" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "colab_type": "text", + "id": "qI9-clPcvy7u" + }, + "source": [ + "## Pretrained models\n", + "\n", + "do not name any directory `checkpoints` with an ``s`` because you will not be able to explore it using jupyter notebook" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "metadata": { + "scrolled": true + }, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/opt/conda/lib/python3.7/site-packages/gdown/parse_url.py:31: UserWarning: You specified Google Drive Link but it is not the correct link to download the file. Maybe you should try: https://drive.google.com/uc?id=None\n", + " url=\"https://drive.google.com/uc?id={}\".format(file_id)\n", + "Downloading...\n", + "From: https://drive.google.com/file/d/1GoUdVlwZ8ekS7w_aWJ-tcXsx-ULCCjyI\n", + "To: /root/checkpoints/motif-precls-exmp/log.txt\n", + "71.4kB [00:00, 1.13MB/s]\n", + "/opt/conda/lib/python3.7/site-packages/gdown/parse_url.py:31: UserWarning: You specified Google Drive Link but it is not the correct link to download the file. Maybe you should try: https://drive.google.com/uc?id=None\n", + " url=\"https://drive.google.com/uc?id={}\".format(file_id)\n", + "Downloading...\n", + "From: https://drive.google.com/file/d/1Pj8gfFBouqaKzJVkOV6wsY8GU60z6Nrb\n", + "To: /root/checkpoints/motif-precls-exmp/config.yml\n", + "70.6kB [00:00, 1.18MB/s]\n", + "/opt/conda/lib/python3.7/site-packages/gdown/parse_url.py:31: UserWarning: You specified Google Drive Link but it is not the correct link to download the file. Maybe you should try: https://drive.google.com/uc?id=None\n", + " url=\"https://drive.google.com/uc?id={}\".format(file_id)\n", + "Downloading...\n", + "From: https://drive.google.com/file/d/1TRT3uX0tbqvIfNeL3bRGzVeqKS8SHtFa\n", + "To: /root/checkpoints/motif-precls-exmp/model_final.pth\n", + "70.6kB [00:00, 1.12MB/s]\n", + "/opt/conda/lib/python3.7/site-packages/gdown/parse_url.py:31: UserWarning: You specified Google Drive Link but it is not the correct link to download the file. Maybe you should try: https://drive.google.com/uc?id=None\n", + " url=\"https://drive.google.com/uc?id={}\".format(file_id)\n", + "Downloading...\n", + "From: https://drive.google.com/file/d/1Y1SnKGeQCBqGmIpUa8izy2EvUYLyPc89\n", + "To: /root/checkpoints/motif-precls-exmp/VG_stanford_filtered_wth_attribute_train_statistics.cache\n", + "70.8kB [00:00, 1.19MB/s]\n", + "/opt/conda/lib/python3.7/site-packages/gdown/parse_url.py:31: UserWarning: You specified Google Drive Link but it is not the correct link to download the file. Maybe you should try: https://drive.google.com/uc?id=None\n", + " url=\"https://drive.google.com/uc?id={}\".format(file_id)\n", + "Downloading...\n", + "From: https://drive.google.com/file/d/1_aRGThcciCvg0gFLr9EkhLIE92vEitfP\n", + "To: /root/checkpoints/motif-precls-exmp/labels.json\n", + "71.0kB [00:00, 823kB/s]\n", + "/opt/conda/lib/python3.7/site-packages/gdown/parse_url.py:31: UserWarning: You specified Google Drive Link but it is not the correct link to download the file. Maybe you should try: https://drive.google.com/uc?id=None\n", + " url=\"https://drive.google.com/uc?id={}\".format(file_id)\n", + "Downloading...\n", + "From: https://drive.google.com/file/d/1q6w_tZzhKTx70hgmQ-7Rnlt4EM60MmXp\n", + "To: /root/checkpoints/motif-precls-exmp/last_checkpoint\n", + "70.6kB [00:00, 1.15MB/s]\n" + ] + } + ], + "source": [ + "%%bash\n", + "mkdir Scene/checkpoint/pretrained_faster_rcnn/\n", + "cd Scene/checkpoint/pretrained_faster_rcnn/\n", + "gdown \"https://drive.google.com/uc?id=1GoUdVlwZ8ekS7w_aWJ-tcXsx-ULCCjyI\" -O log.txt\n", + "gdown \"https://drive.google.com/uc?id=1Pj8gfFBouqaKzJVkOV6wsY8GU60z6Nrb\" -O config.yml\n", + "gdown \"https://drive.google.com/uc?id=1TRT3uX0tbqvIfNeL3bRGzVeqKS8SHtFa\" -O model_final.pth\n", + "gdown \"https://drive.google.com/uc?id=1Y1SnKGeQCBqGmIpUa8izy2EvUYLyPc89\" -O VG_stanford_filtered_wth_attribute_train_statistics.cache\n", + "gdown \"https://drive.google.com/uc?id=1_aRGThcciCvg0gFLr9EkhLIE92vEitfP\" -O labels.json\n", + "gdown \"https://drive.google.com/uc?id=1q6w_tZzhKTx70hgmQ-7Rnlt4EM60MmXp\" -O last_checkpoint" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "If the links above are dead you can download and extract the files manually following this:\n", + "\n", + "- [download the Faster R-CNN model](https://onedrive.live.com/embed?cid=22376FFAD72C4B64&resid=22376FFAD72C4B64%21779870&authkey=AH5CPVb9g5E67iQ),\n", + "- extract all the files to the directory `/home/username/checkpoints/pretrained_faster_rcnn`. \n", + "\n", + "To train your own Faster R-CNN model, please follow [the next section](https://github.com/KaihuaTang/Scene-Graph-Benchmark.pytorch#pretrained-models).\n" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "colab_type": "text", + "id": "MJtSgl0_AQFS" + }, + "source": [ + "# Setup done !\n", + "# Training and Testing\n", + "## Settings\n", + "The default settings are under\n", + "\n", + "`configs/e2e_relation_X_101_32_8_FPN_1x.yaml` ([see on github](https://github.com/KaihuaTang/Scene-Graph-Benchmark.pytorch/blob/db02790a60bb9b9f7c270352820968b2f2089469/configs/e2e_relation_X_101_32_8_FPN_1x.yaml#L74))\n", + "and\n", + "`maskrcnn_benchmark/config/defaults.py` (todo find link in github)\n", + "\n", + "The priority is in this order `command > yaml > defaults.py`\n", + "\n", + "* For Predicate Classification (PredCls), we need to set:\n", + "```\n", + "MODEL.ROI_RELATION_HEAD.USE_GT_BOX True\n", + "MODEL.ROI_RELATION_HEAD.USE_GT_OBJECT_LABEL True\n", + "```\n", + "\n", + "* For Unbiased-Causal-TDE Model:\n", + "```\n", + "MODEL.ROI_RELATION_HEAD.PREDICTOR CausalAnalysisPredictor\n", + "```" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "colab_type": "text", + "id": "bRZcrKc8KOQ8" + }, + "source": [ + "## Example 1 : (PreCls, Motif Model)\n", + "### Training Example 1 : (PreCls, Motif Model)\n", + "\n", + "`CUDA_VISIBLE_DEVICES=0,1` <-- will use GPU 0 and 1\n", + "\n", + "`python -m torch.distributed.launch` <-- will run the script across multiple GPUs\n", + "\n", + "`--master_port 10025` <-- the value itself is not important, just use a free port\n", + "\n", + "`--nproc_per_node=2` <-- [{num_gpus}](https://docs.fast.ai/distributed.html): this should correspond to the number of gpu you specified up\n", + "\n", + "\n", + "`tools/relation_train_net.py` <-- the script to run by the \"torch.distributed\". Mainly we want to train the model, or resume the training\n", + "`--config-file \"configs/e2e_relation_X_101_32_8_FPN_1x.yaml\"` <-- Config file for all what we didn't specify\n", + "`MODEL.ROI_RELATION_HEAD.USE_GT_BOX True ` <-- \n", + "`MODEL.ROI_RELATION_HEAD.USE_GT_OBJECT_LABEL True ` <-- This means that the ground truth object labels are provided as input to the model.\n", + "\n", + "`MODEL.ROI_RELATION_HEAD.PREDICTOR MotifPredictor ` <-- round truth bounding boxes are provided as input to the model.\n", + "\n", + "`SOLVER.IMS_PER_BATCH 12` <-- **this number must be divisible by the number of GPUs (2) used.**\n", + "\n", + "`TEST.IMS_PER_BATCH 2` <-- **must be equal to the number of GPUs (2) used.**\n", + "\n", + "`DTYPE \"float16\" ` <-- \n", + "\n", + "`SOLVER.MAX_ITER 50000 ` <-- number of epoch, there is also EarlyStopping implemented\n", + "\n", + "`SOLVER.VAL_PERIOD 2000 ` <-- run validation every 2 000 epochs\n", + "\n", + "`SOLVER.CHECKPOINT_PERIOD 2000 ` <-- create a checkpoint every 2000 epochs (1 hour or more)\n", + "\n", + "`GLOVE_DIR /home/kaihua/glove ` <-- directory where the pretrained word embeddings will be downloaded and stored\n", + "\n", + "`MODEL.PRETRAINED_DETECTOR_CKPT /home/kaihua/checkpoint/pretrained_faster_rcnn/model_final.pth ` <-- \n", + "\n", + "`OUTPUT_DIR /home/kaihua/checkpoints/motif-precls-exmp` <-- where the model is saved. if the directory is not empty then the training is automatically resumed. So you can for example stop training and add more GPUs\n", + "\n" + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "metadata": { + "ExecuteTime": { + "end_time": "2020-06-06T23:17:20.248013Z", + "start_time": "2020-06-06T20:29:36.423378Z" + }, + "colab": { + "base_uri": "https://localhost:8080/", + "height": 639 + }, + "colab_type": "code", + "id": "VOjDcyrBARwv", + "outputId": "4022a460-2711-4dea-df2a-76c050e0f776", + "scrolled": true + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "*****************************************\n", + "Setting OMP_NUM_THREADS environment variable for each process to be 1 in default, to avoid your system being overloaded, please further tune the variable for optimal performance in your application as needed. \n", + "*****************************************\n", + "2020-06-06 20:29:51,547 maskrcnn_benchmark INFO: Using 2 GPUs\n", + "2020-06-06 20:29:51,547 maskrcnn_benchmark INFO: Namespace(config_file='configs/e2e_relation_X_101_32_8_FPN_1x.yaml', distributed=True, local_rank=0, opts=['MODEL.ROI_RELATION_HEAD.USE_GT_BOX', 'True', 'MODEL.ROI_RELATION_HEAD.USE_GT_OBJECT_LABEL', 'True', 'MODEL.ROI_RELATION_HEAD.PREDICTOR', 'MotifPredictor', 'SOLVER.IMS_PER_BATCH', '12', 'TEST.IMS_PER_BATCH', '2', 'DTYPE', 'float16', 'SOLVER.MAX_ITER', '50000', 'SOLVER.VAL_PERIOD', '2000', 'SOLVER.CHECKPOINT_PERIOD', '2000', 'GLOVE_DIR', 'glove/', 'MODEL.PRETRAINED_DETECTOR_CKPT', 'checkpoint/pretrained_faster_rcnn/model_final.pth', 'OUTPUT_DIR', 'checkpoint/motif-precls-exmp'], skip_test=False)\n", + "2020-06-06 20:29:51,547 maskrcnn_benchmark INFO: Collecting env info (might take some time)\n", + "2020-06-06 20:29:55,864 maskrcnn_benchmark INFO: \n", + "PyTorch version: 1.5.0+cu101\n", + "Is debug build: No\n", + "CUDA used to build PyTorch: 10.1\n", + "\n", + "OS: Ubuntu 16.04.4 LTS\n", + "GCC version: (Ubuntu 5.4.0-6ubuntu1~16.04.10) 5.4.0 20160609\n", + "CMake version: version 3.5.1\n", + "\n", + "Python version: 3.7\n", + "Is CUDA available: Yes\n", + "CUDA runtime version: 10.1.105\n", + "GPU models and configuration: \n", + "GPU 0: GeForce RTX 2080 Ti\n", + "GPU 1: GeForce RTX 2080 Ti\n", + "GPU 2: GeForce RTX 2080 Ti\n", + "GPU 3: GeForce RTX 2080 Ti\n", + "GPU 4: GeForce RTX 2080 Ti\n", + "GPU 5: GeForce RTX 2080 Ti\n", + "GPU 6: GeForce RTX 2080 Ti\n", + "GPU 7: GeForce RTX 2080 Ti\n", + "\n", + "Nvidia driver version: 418.67\n", + "cuDNN version: /usr/lib/x86_64-linux-gnu/libcudnn.so.7.6.5\n", + "\n", + "Versions of relevant libraries:\n", + "[pip3] numpy==1.18.5\n", + "[pip3] torch==1.5.0+cu101\n", + "[pip3] torchvision==0.6.0+cu101\n", + "[conda] mkl 2018.0.1 h19d6760_4 \n", + "[conda] mkl-service 1.1.2 py36h17a0993_4 \n", + "[conda] torch 1.5.0+cu101 pypi_0 pypi\n", + "[conda] torchvision 0.6.0+cu101 pypi_0 pypi\n", + " Pillow (7.1.2)\n", + "2020-06-06 20:29:55,865 maskrcnn_benchmark INFO: Loaded configuration file configs/e2e_relation_X_101_32_8_FPN_1x.yaml\n", + "2020-06-06 20:29:55,866 maskrcnn_benchmark INFO: \n", + "INPUT:\n", + " MIN_SIZE_TRAIN: (600,)\n", + " MAX_SIZE_TRAIN: 1000\n", + " MIN_SIZE_TEST: 600\n", + " MAX_SIZE_TEST: 1000\n", + "MODEL:\n", + " META_ARCHITECTURE: \"GeneralizedRCNN\"\n", + " WEIGHT: \"catalog://ImageNetPretrained/FAIR/20171220/X-101-32x8d\"\n", + " BACKBONE:\n", + " CONV_BODY: \"R-101-FPN\" # VGG-16\n", + " RESNETS:\n", + " BACKBONE_OUT_CHANNELS: 256\n", + " STRIDE_IN_1X1: False\n", + " NUM_GROUPS: 32\n", + " WIDTH_PER_GROUP: 8\n", + " RELATION_ON: True\n", + " ATTRIBUTE_ON: False\n", + " FLIP_AUG: False # if there is any left-right relation, FLIP AUG should be false\n", + " RPN:\n", + " USE_FPN: True\n", + " ANCHOR_SIZES: (32, 64, 128, 256, 512)\n", + " ANCHOR_STRIDE: (4, 8, 16, 32, 64)\n", + " ASPECT_RATIOS: (0.23232838, 0.63365731, 1.28478321, 3.15089189) # from neural-motifs\n", + " PRE_NMS_TOP_N_TRAIN: 6000\n", + " PRE_NMS_TOP_N_TEST: 6000\n", + " POST_NMS_TOP_N_TRAIN: 1000\n", + " POST_NMS_TOP_N_TEST: 1000\n", + " FPN_POST_NMS_TOP_N_TRAIN: 1000\n", + " FPN_POST_NMS_TOP_N_TEST: 1000\n", + " FPN_POST_NMS_PER_BATCH: False\n", + " RPN_MID_CHANNEL: 256\n", + " ROI_HEADS:\n", + " USE_FPN: True\n", + " POSITIVE_FRACTION: 0.5\n", + " BG_IOU_THRESHOLD: 0.3\n", + " BATCH_SIZE_PER_IMAGE: 256\n", + " DETECTIONS_PER_IMG: 80\n", + " NMS_FILTER_DUPLICATES: True\n", + " ROI_BOX_HEAD:\n", + " POOLER_RESOLUTION: 7\n", + " POOLER_SCALES: (0.25, 0.125, 0.0625, 0.03125)\n", + " POOLER_SAMPLING_RATIO: 2\n", + " FEATURE_EXTRACTOR: \"FPN2MLPFeatureExtractor\"\n", + " PREDICTOR: \"FPNPredictor\"\n", + " NUM_CLASSES: 151 # 151 for VG, 1201 for GQA\n", + " MLP_HEAD_DIM: 4096\n", + " ROI_ATTRIBUTE_HEAD:\n", + " FEATURE_EXTRACTOR: \"FPN2MLPFeatureExtractor\"\n", + " PREDICTOR: \"FPNPredictor\"\n", + " USE_BINARY_LOSS: True # choose binary, because cross_entropy loss deteriorate the box head, even with 0.1 weight\n", + " POS_WEIGHT: 50.0\n", + " ATTRIBUTE_LOSS_WEIGHT: 1.0\n", + " NUM_ATTRIBUTES: 201 # 201 for VG, 501 for GQA\n", + " MAX_ATTRIBUTES: 10 \n", + " ATTRIBUTE_BGFG_SAMPLE: True \n", + " ATTRIBUTE_BGFG_RATIO: 3 \n", + " ROI_RELATION_HEAD:\n", + " USE_GT_BOX: True\n", + " USE_GT_OBJECT_LABEL: True\n", + " REQUIRE_BOX_OVERLAP: False # for sgdet, during training, only train pairs with overlap\n", + " ADD_GTBOX_TO_PROPOSAL_IN_TRAIN: True # for sgdet only, in case some gt boxes are missing\n", + " NUM_CLASSES: 51 # 51 for VG, 201 for GQA (not contain \"to the left of\" & \"to the right of\")\n", + " BATCH_SIZE_PER_IMAGE: 1024 # sample as much as possible\n", + " POSITIVE_FRACTION: 0.25\n", + " CONTEXT_POOLING_DIM: 4096\n", + " CONTEXT_HIDDEN_DIM: 512 #1024 for VCTree\n", + " POOLING_ALL_LEVELS: True\n", + " LABEL_SMOOTHING_LOSS: False\n", + " FEATURE_EXTRACTOR: \"RelationFeatureExtractor\"\n", + " #################### Select Relationship Model ####################\n", + " #PREDICTOR: \"MotifPredictor\"\n", + " #PREDICTOR: \"VCTreePredictor\"\n", + " #PREDICTOR: \"TransformerPredictor\"\n", + " PREDICTOR: \"CausalAnalysisPredictor\"\n", + " ################# Parameters for Motif Predictor ##################\n", + " CONTEXT_OBJ_LAYER: 1\n", + " CONTEXT_REL_LAYER: 1\n", + " ############# Parameters for Causal Unbias Predictor ##############\n", + " ### Implementation for paper \"Unbiased Scene Graph Generation from Biased Training\"\n", + " CAUSAL:\n", + " EFFECT_TYPE: 'none' # candicates: 'TDE', 'NIE', 'TE', 'none'\n", + " FUSION_TYPE: 'sum' # candicates: 'sum', 'gate' \n", + " SEPARATE_SPATIAL: False # separate spatial in union feature\n", + " CONTEXT_LAYER: \"motifs\" # candicates: motifs, vctree, vtranse\n", + " SPATIAL_FOR_VISION: True\n", + " EFFECT_ANALYSIS: True\n", + " ############### Parameters for Transformer Predictor ##############\n", + " TRANSFORMER:\n", + " DROPOUT_RATE: 0.1\n", + " OBJ_LAYER: 4\n", + " REL_LAYER: 2\n", + " NUM_HEAD: 8\n", + " KEY_DIM: 64\n", + " VAL_DIM: 64\n", + " INNER_DIM: 2048 \n", + "DATASETS:\n", + " TRAIN: (\"VG_stanford_filtered_with_attribute_train\",)\n", + " VAL: (\"VG_stanford_filtered_with_attribute_val\",)\n", + " TEST: (\"VG_stanford_filtered_with_attribute_test\",)\n", + "DATALOADER:\n", + " SIZE_DIVISIBILITY: 32\n", + "SOLVER:\n", + " BIAS_LR_FACTOR: 1\n", + " BASE_LR: 0.01\n", + " WARMUP_FACTOR: 0.1\n", + " WEIGHT_DECAY: 0.0001\n", + " MOMENTUM: 0.9\n", + " GRAD_NORM_CLIP: 5.0\n", + " STEPS: (10000, 16000)\n", + " MAX_ITER: 40000\n", + " VAL_PERIOD: 2000\n", + " CHECKPOINT_PERIOD: 2000\n", + " PRINT_GRAD_FREQ: 4000\n", + " SCHEDULE:\n", + " # the following paramters are only used for WarmupReduceLROnPlateau\n", + " TYPE: \"WarmupReduceLROnPlateau\" # WarmupMultiStepLR, WarmupReduceLROnPlateau\n", + " PATIENCE: 2\n", + " THRESHOLD: 0.001\n", + " COOLDOWN: 0\n", + " FACTOR: 0.1\n", + " MAX_DECAY_STEP: 3\n", + "OUTPUT_DIR: './output/relation_baseline'\n", + "TEST:\n", + " ALLOW_LOAD_FROM_CACHE: False\n", + " RELATION:\n", + " SYNC_GATHER: True # turn on will slow down the evaluation to solve the sgdet test out of memory problem\n", + " REQUIRE_OVERLAP: False\n", + " LATER_NMS_PREDICTION_THRES: 0.5\n", + "\n", + "2020-06-06 20:29:55,868 maskrcnn_benchmark INFO: Running with config:\n", + "AMP_VERBOSE: False\n", + "DATALOADER:\n", + " ASPECT_RATIO_GROUPING: True\n", + " NUM_WORKERS: 4\n", + " SIZE_DIVISIBILITY: 32\n", + "DATASETS:\n", + " TEST: ('VG_stanford_filtered_with_attribute_test',)\n", + " TRAIN: ('VG_stanford_filtered_with_attribute_train',)\n", + " VAL: ('VG_stanford_filtered_with_attribute_val',)\n", + "DTYPE: float16\n", + "GLOVE_DIR: glove/\n", + "INPUT:\n", + " BRIGHTNESS: 0.0\n", + " CONTRAST: 0.0\n", + " HUE: 0.0\n", + " MAX_SIZE_TEST: 1000\n", + " MAX_SIZE_TRAIN: 1000\n", + " MIN_SIZE_TEST: 600\n", + " MIN_SIZE_TRAIN: (600,)\n", + " PIXEL_MEAN: [102.9801, 115.9465, 122.7717]\n", + " PIXEL_STD: [1.0, 1.0, 1.0]\n", + " SATURATION: 0.0\n", + " TO_BGR255: True\n", + " VERTICAL_FLIP_PROB_TRAIN: 0.0\n", + "MODEL:\n", + " ATTRIBUTE_ON: False\n", + " BACKBONE:\n", + " CONV_BODY: R-101-FPN\n", + " FREEZE_CONV_BODY_AT: 2\n", + " CLS_AGNOSTIC_BBOX_REG: False\n", + " DEVICE: cuda\n", + " FBNET:\n", + " ARCH: default\n", + " ARCH_DEF: \n", + " BN_TYPE: bn\n", + " DET_HEAD_BLOCKS: []\n", + " DET_HEAD_LAST_SCALE: 1.0\n", + " DET_HEAD_STRIDE: 0\n", + " DW_CONV_SKIP_BN: True\n", + " DW_CONV_SKIP_RELU: True\n", + " KPTS_HEAD_BLOCKS: []\n", + " KPTS_HEAD_LAST_SCALE: 0.0\n", + " KPTS_HEAD_STRIDE: 0\n", + " MASK_HEAD_BLOCKS: []\n", + " MASK_HEAD_LAST_SCALE: 0.0\n", + " MASK_HEAD_STRIDE: 0\n", + " RPN_BN_TYPE: \n", + " RPN_HEAD_BLOCKS: 0\n", + " SCALE_FACTOR: 1.0\n", + " WIDTH_DIVISOR: 1\n", + " FLIP_AUG: False\n", + " FPN:\n", + " USE_GN: False\n", + " USE_RELU: False\n", + " GROUP_NORM:\n", + " DIM_PER_GP: -1\n", + " EPSILON: 1e-05\n", + " NUM_GROUPS: 32\n", + " KEYPOINT_ON: False\n", + " MASK_ON: False\n", + " META_ARCHITECTURE: GeneralizedRCNN\n", + " PRETRAINED_DETECTOR_CKPT: checkpoint/pretrained_faster_rcnn/model_final.pth\n", + " RELATION_ON: True\n", + " RESNETS:\n", + " BACKBONE_OUT_CHANNELS: 256\n", + " DEFORMABLE_GROUPS: 1\n", + " NUM_GROUPS: 32\n", + " RES2_OUT_CHANNELS: 256\n", + " RES5_DILATION: 1\n", + " STAGE_WITH_DCN: (False, False, False, False)\n", + " STEM_FUNC: StemWithFixedBatchNorm\n", + " STEM_OUT_CHANNELS: 64\n", + " STRIDE_IN_1X1: False\n", + " TRANS_FUNC: BottleneckWithFixedBatchNorm\n", + " WIDTH_PER_GROUP: 8\n", + " WITH_MODULATED_DCN: False\n", + " RETINANET:\n", + " ANCHOR_SIZES: (32, 64, 128, 256, 512)\n", + " ANCHOR_STRIDES: (8, 16, 32, 64, 128)\n", + " ASPECT_RATIOS: (0.5, 1.0, 2.0)\n", + " BBOX_REG_BETA: 0.11\n", + " BBOX_REG_WEIGHT: 4.0\n", + " BG_IOU_THRESHOLD: 0.4\n", + " FG_IOU_THRESHOLD: 0.5\n", + " INFERENCE_TH: 0.05\n", + " LOSS_ALPHA: 0.25\n", + " LOSS_GAMMA: 2.0\n", + " NMS_TH: 0.4\n", + " NUM_CLASSES: 81\n", + " NUM_CONVS: 4\n", + " OCTAVE: 2.0\n", + " PRE_NMS_TOP_N: 1000\n", + " PRIOR_PROB: 0.01\n", + " SCALES_PER_OCTAVE: 3\n", + " STRADDLE_THRESH: 0\n", + " USE_C5: True\n", + " RETINANET_ON: False\n", + " ROI_ATTRIBUTE_HEAD:\n", + " ATTRIBUTE_BGFG_RATIO: 3\n", + " ATTRIBUTE_BGFG_SAMPLE: True\n", + " ATTRIBUTE_LOSS_WEIGHT: 1.0\n", + " FEATURE_EXTRACTOR: FPN2MLPFeatureExtractor\n", + " MAX_ATTRIBUTES: 10\n", + " NUM_ATTRIBUTES: 201\n", + " POS_WEIGHT: 50.0\n", + " PREDICTOR: FPNPredictor\n", + " SHARE_BOX_FEATURE_EXTRACTOR: True\n", + " USE_BINARY_LOSS: True\n", + " ROI_BOX_HEAD:\n", + " CONV_HEAD_DIM: 256\n", + " DILATION: 1\n", + " FEATURE_EXTRACTOR: FPN2MLPFeatureExtractor\n", + " MLP_HEAD_DIM: 4096\n", + " NUM_CLASSES: 151\n", + " NUM_STACKED_CONVS: 4\n", + " POOLER_RESOLUTION: 7\n", + " POOLER_SAMPLING_RATIO: 2\n", + " POOLER_SCALES: (0.25, 0.125, 0.0625, 0.03125)\n", + " PREDICTOR: FPNPredictor\n", + " USE_GN: False\n", + " ROI_HEADS:\n", + " BATCH_SIZE_PER_IMAGE: 256\n", + " BBOX_REG_WEIGHTS: (10.0, 10.0, 5.0, 5.0)\n", + " BG_IOU_THRESHOLD: 0.3\n", + " DETECTIONS_PER_IMG: 80\n", + " FG_IOU_THRESHOLD: 0.5\n", + " NMS: 0.3\n", + " NMS_FILTER_DUPLICATES: True\n", + " POSITIVE_FRACTION: 0.5\n", + " POST_NMS_PER_CLS_TOPN: 300\n", + " SCORE_THRESH: 0.01\n", + " USE_FPN: True\n", + " ROI_KEYPOINT_HEAD:\n", + " CONV_LAYERS: (512, 512, 512, 512, 512, 512, 512, 512)\n", + " FEATURE_EXTRACTOR: KeypointRCNNFeatureExtractor\n", + " MLP_HEAD_DIM: 1024\n", + " NUM_CLASSES: 17\n", + " POOLER_RESOLUTION: 14\n", + " POOLER_SAMPLING_RATIO: 0\n", + " POOLER_SCALES: (0.0625,)\n", + " PREDICTOR: KeypointRCNNPredictor\n", + " RESOLUTION: 14\n", + " SHARE_BOX_FEATURE_EXTRACTOR: True\n", + " ROI_MASK_HEAD:\n", + " CONV_LAYERS: (256, 256, 256, 256)\n", + " DILATION: 1\n", + " FEATURE_EXTRACTOR: ResNet50Conv5ROIFeatureExtractor\n", + " MLP_HEAD_DIM: 1024\n", + " POOLER_RESOLUTION: 14\n", + " POOLER_SAMPLING_RATIO: 0\n", + " POOLER_SCALES: (0.0625,)\n", + " POSTPROCESS_MASKS: False\n", + " POSTPROCESS_MASKS_THRESHOLD: 0.5\n", + " PREDICTOR: MaskRCNNC4Predictor\n", + " RESOLUTION: 14\n", + " SHARE_BOX_FEATURE_EXTRACTOR: True\n", + " USE_GN: False\n", + " ROI_RELATION_HEAD:\n", + " ADD_GTBOX_TO_PROPOSAL_IN_TRAIN: True\n", + " BATCH_SIZE_PER_IMAGE: 1024\n", + " CAUSAL:\n", + " CONTEXT_LAYER: motifs\n", + " EFFECT_ANALYSIS: True\n", + " EFFECT_TYPE: none\n", + " FUSION_TYPE: sum\n", + " SEPARATE_SPATIAL: False\n", + " SPATIAL_FOR_VISION: True\n", + " CONTEXT_DROPOUT_RATE: 0.2\n", + " CONTEXT_HIDDEN_DIM: 512\n", + " CONTEXT_OBJ_LAYER: 1\n", + " CONTEXT_POOLING_DIM: 4096\n", + " CONTEXT_REL_LAYER: 1\n", + " EMBED_DIM: 200\n", + " FEATURE_EXTRACTOR: RelationFeatureExtractor\n", + " LABEL_SMOOTHING_LOSS: False\n", + " NUM_CLASSES: 51\n", + " NUM_SAMPLE_PER_GT_REL: 4\n", + " POOLING_ALL_LEVELS: True\n", + " POSITIVE_FRACTION: 0.25\n", + " PREDICTOR: MotifPredictor\n", + " PREDICT_USE_BIAS: True\n", + " PREDICT_USE_VISION: True\n", + " REL_PROP: [0.01858, 0.00057, 0.00051, 0.00109, 0.0015, 0.00489, 0.00432, 0.02913, 0.00245, 0.00121, 0.00404, 0.0011, 0.00132, 0.00172, 5e-05, 0.00242, 0.0005, 0.00048, 0.00208, 0.15608, 0.0265, 0.06091, 0.009, 0.00183, 0.00225, 0.0009, 0.00028, 0.00077, 0.04844, 0.08645, 0.31621, 0.00088, 0.00301, 0.00042, 0.00186, 0.001, 0.00027, 0.01012, 0.0001, 0.01286, 0.00647, 0.00084, 0.01077, 0.00132, 0.00069, 0.00376, 0.00214, 0.11424, 0.01205, 0.02958]\n", + " REQUIRE_BOX_OVERLAP: False\n", + " TRANSFORMER:\n", + " DROPOUT_RATE: 0.1\n", + " INNER_DIM: 2048\n", + " KEY_DIM: 64\n", + " NUM_HEAD: 8\n", + " OBJ_LAYER: 4\n", + " REL_LAYER: 2\n", + " VAL_DIM: 64\n", + " USE_GT_BOX: True\n", + " USE_GT_OBJECT_LABEL: True\n", + " RPN:\n", + " ANCHOR_SIZES: (32, 64, 128, 256, 512)\n", + " ANCHOR_STRIDE: (4, 8, 16, 32, 64)\n", + " ASPECT_RATIOS: (0.23232838, 0.63365731, 1.28478321, 3.15089189)\n", + " BATCH_SIZE_PER_IMAGE: 256\n", + " BG_IOU_THRESHOLD: 0.3\n", + " FG_IOU_THRESHOLD: 0.7\n", + " FPN_POST_NMS_PER_BATCH: False\n", + " FPN_POST_NMS_TOP_N_TEST: 1000\n", + " FPN_POST_NMS_TOP_N_TRAIN: 1000\n", + " MIN_SIZE: 0\n", + " NMS_THRESH: 0.7\n", + " POSITIVE_FRACTION: 0.5\n", + " POST_NMS_TOP_N_TEST: 1000\n", + " POST_NMS_TOP_N_TRAIN: 1000\n", + " PRE_NMS_TOP_N_TEST: 6000\n", + " PRE_NMS_TOP_N_TRAIN: 6000\n", + " RPN_HEAD: SingleConvRPNHead\n", + " RPN_MID_CHANNEL: 256\n", + " STRADDLE_THRESH: 0\n", + " USE_FPN: True\n", + " RPN_ONLY: False\n", + " VGG:\n", + " VGG16_OUT_CHANNELS: 512\n", + " WEIGHT: catalog://ImageNetPretrained/FAIR/20171220/X-101-32x8d\n", + "OUTPUT_DIR: checkpoint/motif-precls-exmp\n", + "PATHS_CATALOG: /root/Scene/maskrcnn_benchmark/config/paths_catalog.py\n", + "PATHS_DATA: /root/Scene/maskrcnn_benchmark/config/../data/datasets\n", + "SOLVER:\n", + " BASE_LR: 0.01\n", + " BIAS_LR_FACTOR: 1\n", + " CHECKPOINT_PERIOD: 2000\n", + " CLIP_NORM: 5.0\n", + " GAMMA: 0.1\n", + " GRAD_NORM_CLIP: 5.0\n", + " IMS_PER_BATCH: 12\n", + " MAX_ITER: 50000\n", + " MOMENTUM: 0.9\n", + " PRE_VAL: True\n", + " PRINT_GRAD_FREQ: 4000\n", + " SCHEDULE:\n", + " COOLDOWN: 0\n", + " FACTOR: 0.1\n", + " MAX_DECAY_STEP: 3\n", + " PATIENCE: 2\n", + " THRESHOLD: 0.001\n", + " TYPE: WarmupReduceLROnPlateau\n", + " STEPS: (10000, 16000)\n", + " TO_VAL: True\n", + " UPDATE_SCHEDULE_DURING_LOAD: False\n", + " VAL_PERIOD: 2000\n", + " WARMUP_FACTOR: 0.1\n", + " WARMUP_ITERS: 500\n", + " WARMUP_METHOD: linear\n", + " WEIGHT_DECAY: 0.0001\n", + " WEIGHT_DECAY_BIAS: 0.0\n", + "TEST:\n", + " ALLOW_LOAD_FROM_CACHE: False\n", + " BBOX_AUG:\n", + " ENABLED: False\n", + " H_FLIP: False\n", + " MAX_SIZE: 4000\n", + " SCALES: ()\n", + " SCALE_H_FLIP: False\n", + " DETECTIONS_PER_IMG: 100\n", + " EXPECTED_RESULTS: []\n", + " EXPECTED_RESULTS_SIGMA_TOL: 4\n", + " IMS_PER_BATCH: 2\n", + " RELATION:\n", + " IOU_THRESHOLD: 0.5\n", + " LATER_NMS_PREDICTION_THRES: 0.5\n", + " MULTIPLE_PREDS: False\n", + " REQUIRE_OVERLAP: False\n", + " SYNC_GATHER: True\n", + " SAVE_PROPOSALS: False\n", + "2020-06-06 20:29:55,869 maskrcnn_benchmark INFO: Saving config into: checkpoint/motif-precls-exmp/config.yml\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "2020-06-06 20:29:55,895 maskrcnn_benchmark INFO: #################### prepare training ####################\n", + "loading word vectors from glove/glove.6B.200d.pt\n", + "2020-06-06 20:29:59,199 maskrcnn_benchmark.data.build INFO: ----------------------------------------------------------------------------------------------------\n", + "2020-06-06 20:29:59,200 maskrcnn_benchmark.data.build INFO: get dataset statistics...\n", + "2020-06-06 20:29:59,200 maskrcnn_benchmark.data.build INFO: Loading data statistics from: checkpoint/motif-precls-exmp/VG_stanford_filtered_with_attribute_train_statistics.cache\n", + "2020-06-06 20:29:59,200 maskrcnn_benchmark.data.build INFO: ----------------------------------------------------------------------------------------------------\n", + "loading word vectors from glove/glove.6B.200d.pt\n", + "__background__ -> __background__ \n", + "fail on __background__\n", + "__background__ -> __background__ \n", + "fail on __background__\n", + "loading word vectors from glove/glove.6B.200d.pt\n", + "loading word vectors from glove/glove.6B.200d.pt\n", + "__background__ -> __background__ \n", + "fail on __background__\n", + "__background__ -> __background__ \n", + "fail on __background__\n", + "2020-06-06 20:30:00,351 maskrcnn_benchmark INFO: #################### end model construction ####################\n", + "2020-06-06 20:30:01,042 maskrcnn_benchmark INFO: #################### end optimizer and shcedule ####################\n", + "Selected optimization level O1: Insert automatic casts around Pytorch functions and Tensor methods.\n", + "\n", + "Defaults for this optimization level are:\n", + "enabled : True\n", + "opt_level : O1\n", + "cast_model_type : None\n", + "patch_torch_functions : True\n", + "keep_batchnorm_fp32 : None\n", + "master_weights : None\n", + "loss_scale : dynamic\n", + "Processing user overrides (additional kwargs that are not None)...\n", + "After processing overrides, optimization options are:\n", + "enabled : True\n", + "opt_level : O1\n", + "cast_model_type : None\n", + "patch_torch_functions : True\n", + "keep_batchnorm_fp32 : None\n", + "master_weights : None\n", + "loss_scale : dynamic\n", + "Warning: multi_tensor_applier fused unscale kernel is unavailable, possibly because apex was installed without --cuda_ext --cpp_ext. Using Python fallback. Original ImportError was: ModuleNotFoundError(\"No module named 'amp_C'\")\n", + "2020-06-06 20:30:01,073 maskrcnn_benchmark INFO: #################### end distributed ####################\n", + "2020-06-06 20:30:01,075 maskrcnn_benchmark.utils.checkpoint INFO: Loading checkpoint from checkpoint/pretrained_faster_rcnn/model_final.pth\n", + "2020-06-06 20:30:01,870 maskrcnn_benchmark.utils.model_serialization INFO: MAPPING module.roi_heads.relation.box_feature_extractor.fc6.bias in current model to module.roi_heads.box.feature_extractor.fc6.bias in loaded model.\n", + "2020-06-06 20:30:01,870 maskrcnn_benchmark.utils.model_serialization INFO: MAPPING module.roi_heads.relation.box_feature_extractor.fc6.weight in current model to module.roi_heads.box.feature_extractor.fc6.weight in loaded model.\n", + "2020-06-06 20:30:01,870 maskrcnn_benchmark.utils.model_serialization INFO: MAPPING module.roi_heads.relation.box_feature_extractor.fc7.bias in current model to module.roi_heads.box.feature_extractor.fc7.bias in loaded model.\n", + "2020-06-06 20:30:01,871 maskrcnn_benchmark.utils.model_serialization INFO: MAPPING module.roi_heads.relation.box_feature_extractor.fc7.weight in current model to module.roi_heads.box.feature_extractor.fc7.weight in loaded model.\n", + "2020-06-06 20:30:01,871 maskrcnn_benchmark.utils.model_serialization INFO: MAPPING module.roi_heads.relation.union_feature_extractor.feature_extractor.fc6.bias in current model to module.roi_heads.box.feature_extractor.fc6.bias in loaded model.\n", + "2020-06-06 20:30:01,871 maskrcnn_benchmark.utils.model_serialization INFO: MAPPING module.roi_heads.relation.union_feature_extractor.feature_extractor.fc6.weight in current model to module.roi_heads.box.feature_extractor.fc6.weight in loaded model.\n", + "2020-06-06 20:30:01,871 maskrcnn_benchmark.utils.model_serialization INFO: MAPPING module.roi_heads.relation.union_feature_extractor.feature_extractor.fc7.bias in current model to module.roi_heads.box.feature_extractor.fc7.bias in loaded model.\n", + "2020-06-06 20:30:01,871 maskrcnn_benchmark.utils.model_serialization INFO: MAPPING module.roi_heads.relation.union_feature_extractor.feature_extractor.fc7.weight in current model to module.roi_heads.box.feature_extractor.fc7.weight in loaded model.\n", + "2020-06-06 20:30:01,871 maskrcnn_benchmark.utils.model_serialization INFO: MAPPING module.roi_heads.relation.union_feature_extractor.feature_extractor.pooler.reduce_channel.0.bias in current model to module.roi_heads.box.feature_extractor.pooler.reduce_channel.0.bias in loaded model.\n", + "2020-06-06 20:30:01,871 maskrcnn_benchmark.utils.model_serialization INFO: MAPPING module.roi_heads.relation.union_feature_extractor.feature_extractor.pooler.reduce_channel.0.weight in current model to module.roi_heads.box.feature_extractor.pooler.reduce_channel.0.weight in loaded model.\n", + "2020-06-06 20:30:01,930 maskrcnn_benchmark.utils.model_serialization INFO: REMATCHING! module.roi_heads.relation.box_feature_extractor.fc6.bias loaded from roi_heads.box.feature_extractor.fc6.bias of shape (4096,)\n", + "2020-06-06 20:30:01,930 maskrcnn_benchmark.utils.model_serialization INFO: REMATCHING! module.roi_heads.relation.box_feature_extractor.fc6.weight loaded from roi_heads.box.feature_extractor.fc6.weight of shape (4096, 12544)\n", + "2020-06-06 20:30:01,930 maskrcnn_benchmark.utils.model_serialization INFO: REMATCHING! module.roi_heads.relation.box_feature_extractor.fc7.bias loaded from roi_heads.box.feature_extractor.fc7.bias of shape (4096,)\n", + "2020-06-06 20:30:01,930 maskrcnn_benchmark.utils.model_serialization INFO: REMATCHING! module.roi_heads.relation.box_feature_extractor.fc7.weight loaded from roi_heads.box.feature_extractor.fc7.weight of shape (4096, 4096)\n", + "2020-06-06 20:30:01,930 maskrcnn_benchmark.utils.model_serialization INFO: NO-MATCHING of current module: module.roi_heads.relation.predictor.context_layer.decoder_rnn.input_linearity.bias of shape (3072,)\n", + "2020-06-06 20:30:01,930 maskrcnn_benchmark.utils.model_serialization INFO: NO-MATCHING of current module: module.roi_heads.relation.predictor.context_layer.decoder_rnn.input_linearity.weight of shape (3072, 5136)\n", + "2020-06-06 20:30:01,931 maskrcnn_benchmark.utils.model_serialization INFO: NO-MATCHING of current module: module.roi_heads.relation.predictor.context_layer.decoder_rnn.obj_embed.weight of shape (152, 200)\n", + "2020-06-06 20:30:01,931 maskrcnn_benchmark.utils.model_serialization INFO: NO-MATCHING of current module: module.roi_heads.relation.predictor.context_layer.decoder_rnn.out_obj.bias of shape (151,)\n", + "2020-06-06 20:30:01,931 maskrcnn_benchmark.utils.model_serialization INFO: NO-MATCHING of current module: module.roi_heads.relation.predictor.context_layer.decoder_rnn.out_obj.weight of shape (151, 512)\n", + "2020-06-06 20:30:01,931 maskrcnn_benchmark.utils.model_serialization INFO: NO-MATCHING of current module: module.roi_heads.relation.predictor.context_layer.decoder_rnn.state_linearity.bias of shape (2560,)\n", + "2020-06-06 20:30:01,931 maskrcnn_benchmark.utils.model_serialization INFO: NO-MATCHING of current module: module.roi_heads.relation.predictor.context_layer.decoder_rnn.state_linearity.weight of shape (2560, 512)\n", + "2020-06-06 20:30:01,931 maskrcnn_benchmark.utils.model_serialization INFO: NO-MATCHING of current module: module.roi_heads.relation.predictor.context_layer.edge_ctx_rnn.bias_hh_l0 of shape (2048,)\n", + "2020-06-06 20:30:01,931 maskrcnn_benchmark.utils.model_serialization INFO: NO-MATCHING of current module: module.roi_heads.relation.predictor.context_layer.edge_ctx_rnn.bias_hh_l0_reverse of shape (2048,)\n", + "2020-06-06 20:30:01,931 maskrcnn_benchmark.utils.model_serialization INFO: NO-MATCHING of current module: module.roi_heads.relation.predictor.context_layer.edge_ctx_rnn.bias_ih_l0 of shape (2048,)\n", + "2020-06-06 20:30:01,931 maskrcnn_benchmark.utils.model_serialization INFO: NO-MATCHING of current module: module.roi_heads.relation.predictor.context_layer.edge_ctx_rnn.bias_ih_l0_reverse of shape (2048,)\n", + "2020-06-06 20:30:01,931 maskrcnn_benchmark.utils.model_serialization INFO: NO-MATCHING of current module: module.roi_heads.relation.predictor.context_layer.edge_ctx_rnn.weight_hh_l0 of shape (2048, 512)\n", + "2020-06-06 20:30:01,931 maskrcnn_benchmark.utils.model_serialization INFO: NO-MATCHING of current module: module.roi_heads.relation.predictor.context_layer.edge_ctx_rnn.weight_hh_l0_reverse of shape (2048, 512)\n", + "2020-06-06 20:30:01,931 maskrcnn_benchmark.utils.model_serialization INFO: NO-MATCHING of current module: module.roi_heads.relation.predictor.context_layer.edge_ctx_rnn.weight_ih_l0 of shape (2048, 4808)\n", + "2020-06-06 20:30:01,931 maskrcnn_benchmark.utils.model_serialization INFO: NO-MATCHING of current module: module.roi_heads.relation.predictor.context_layer.edge_ctx_rnn.weight_ih_l0_reverse of shape (2048, 4808)\n", + "2020-06-06 20:30:01,931 maskrcnn_benchmark.utils.model_serialization INFO: NO-MATCHING of current module: module.roi_heads.relation.predictor.context_layer.lin_edge_h.bias of shape (512,)\n", + "2020-06-06 20:30:01,931 maskrcnn_benchmark.utils.model_serialization INFO: NO-MATCHING of current module: module.roi_heads.relation.predictor.context_layer.lin_edge_h.weight of shape (512, 1024)\n", + "2020-06-06 20:30:01,931 maskrcnn_benchmark.utils.model_serialization INFO: NO-MATCHING of current module: module.roi_heads.relation.predictor.context_layer.lin_obj_h.bias of shape (512,)\n", + "2020-06-06 20:30:01,931 maskrcnn_benchmark.utils.model_serialization INFO: NO-MATCHING of current module: module.roi_heads.relation.predictor.context_layer.lin_obj_h.weight of shape (512, 1024)\n", + "2020-06-06 20:30:01,931 maskrcnn_benchmark.utils.model_serialization INFO: NO-MATCHING of current module: module.roi_heads.relation.predictor.context_layer.obj_ctx_rnn.bias_hh_l0 of shape (2048,)\n", + "2020-06-06 20:30:01,931 maskrcnn_benchmark.utils.model_serialization INFO: NO-MATCHING of current module: module.roi_heads.relation.predictor.context_layer.obj_ctx_rnn.bias_hh_l0_reverse of shape (2048,)\n", + "2020-06-06 20:30:01,931 maskrcnn_benchmark.utils.model_serialization INFO: NO-MATCHING of current module: module.roi_heads.relation.predictor.context_layer.obj_ctx_rnn.bias_ih_l0 of shape (2048,)\n", + "2020-06-06 20:30:01,931 maskrcnn_benchmark.utils.model_serialization INFO: NO-MATCHING of current module: module.roi_heads.relation.predictor.context_layer.obj_ctx_rnn.bias_ih_l0_reverse of shape (2048,)\n", + "2020-06-06 20:30:01,931 maskrcnn_benchmark.utils.model_serialization INFO: NO-MATCHING of current module: module.roi_heads.relation.predictor.context_layer.obj_ctx_rnn.weight_hh_l0 of shape (2048, 512)\n", + "2020-06-06 20:30:01,931 maskrcnn_benchmark.utils.model_serialization INFO: NO-MATCHING of current module: module.roi_heads.relation.predictor.context_layer.obj_ctx_rnn.weight_hh_l0_reverse of shape (2048, 512)\n", + "2020-06-06 20:30:01,931 maskrcnn_benchmark.utils.model_serialization INFO: NO-MATCHING of current module: module.roi_heads.relation.predictor.context_layer.obj_ctx_rnn.weight_ih_l0 of shape (2048, 4424)\n", + "2020-06-06 20:30:01,932 maskrcnn_benchmark.utils.model_serialization INFO: NO-MATCHING of current module: module.roi_heads.relation.predictor.context_layer.obj_ctx_rnn.weight_ih_l0_reverse of shape (2048, 4424)\n", + "2020-06-06 20:30:01,932 maskrcnn_benchmark.utils.model_serialization INFO: NO-MATCHING of current module: module.roi_heads.relation.predictor.context_layer.obj_embed1.weight of shape (151, 200)\n", + "2020-06-06 20:30:01,932 maskrcnn_benchmark.utils.model_serialization INFO: NO-MATCHING of current module: module.roi_heads.relation.predictor.context_layer.obj_embed2.weight of shape (151, 200)\n", + "2020-06-06 20:30:01,932 maskrcnn_benchmark.utils.model_serialization INFO: NO-MATCHING of current module: module.roi_heads.relation.predictor.context_layer.pos_embed.0.bias of shape (32,)\n", + "2020-06-06 20:30:01,932 maskrcnn_benchmark.utils.model_serialization INFO: NO-MATCHING of current module: module.roi_heads.relation.predictor.context_layer.pos_embed.0.weight of shape (32, 9)\n", + "2020-06-06 20:30:01,932 maskrcnn_benchmark.utils.model_serialization INFO: NO-MATCHING of current module: module.roi_heads.relation.predictor.context_layer.pos_embed.1.bias of shape (32,)\n", + "2020-06-06 20:30:01,932 maskrcnn_benchmark.utils.model_serialization INFO: NO-MATCHING of current module: module.roi_heads.relation.predictor.context_layer.pos_embed.1.num_batches_tracked of shape ()\n", + "2020-06-06 20:30:01,932 maskrcnn_benchmark.utils.model_serialization INFO: NO-MATCHING of current module: module.roi_heads.relation.predictor.context_layer.pos_embed.1.running_mean of shape (32,)\n", + "2020-06-06 20:30:01,932 maskrcnn_benchmark.utils.model_serialization INFO: NO-MATCHING of current module: module.roi_heads.relation.predictor.context_layer.pos_embed.1.running_var of shape (32,)\n", + "2020-06-06 20:30:01,932 maskrcnn_benchmark.utils.model_serialization INFO: NO-MATCHING of current module: module.roi_heads.relation.predictor.context_layer.pos_embed.1.weight of shape (32,)\n", + "2020-06-06 20:30:01,932 maskrcnn_benchmark.utils.model_serialization INFO: NO-MATCHING of current module: module.roi_heads.relation.predictor.context_layer.pos_embed.2.bias of shape (128,)\n", + "2020-06-06 20:30:01,932 maskrcnn_benchmark.utils.model_serialization INFO: NO-MATCHING of current module: module.roi_heads.relation.predictor.context_layer.pos_embed.2.weight of shape (128, 32)\n", + "2020-06-06 20:30:01,932 maskrcnn_benchmark.utils.model_serialization INFO: NO-MATCHING of current module: module.roi_heads.relation.predictor.context_layer.untreated_dcd_feat of shape (4936,)\n", + "2020-06-06 20:30:01,932 maskrcnn_benchmark.utils.model_serialization INFO: NO-MATCHING of current module: module.roi_heads.relation.predictor.context_layer.untreated_edg_feat of shape (4296,)\n", + "2020-06-06 20:30:01,932 maskrcnn_benchmark.utils.model_serialization INFO: NO-MATCHING of current module: module.roi_heads.relation.predictor.context_layer.untreated_obj_feat of shape (4424,)\n", + "2020-06-06 20:30:01,932 maskrcnn_benchmark.utils.model_serialization INFO: NO-MATCHING of current module: module.roi_heads.relation.predictor.freq_bias.obj_baseline.weight of shape (22801, 51)\n", + "2020-06-06 20:30:01,932 maskrcnn_benchmark.utils.model_serialization INFO: NO-MATCHING of current module: module.roi_heads.relation.predictor.post_cat.bias of shape (4096,)\n", + "2020-06-06 20:30:01,932 maskrcnn_benchmark.utils.model_serialization INFO: NO-MATCHING of current module: module.roi_heads.relation.predictor.post_cat.weight of shape (4096, 1024)\n", + "2020-06-06 20:30:01,932 maskrcnn_benchmark.utils.model_serialization INFO: NO-MATCHING of current module: module.roi_heads.relation.predictor.post_emb.bias of shape (1024,)\n", + "2020-06-06 20:30:01,932 maskrcnn_benchmark.utils.model_serialization INFO: NO-MATCHING of current module: module.roi_heads.relation.predictor.post_emb.weight of shape (1024, 512)\n", + "2020-06-06 20:30:01,932 maskrcnn_benchmark.utils.model_serialization INFO: NO-MATCHING of current module: module.roi_heads.relation.predictor.rel_compress.bias of shape (51,)\n", + "2020-06-06 20:30:01,932 maskrcnn_benchmark.utils.model_serialization INFO: NO-MATCHING of current module: module.roi_heads.relation.predictor.rel_compress.weight of shape (51, 4096)\n", + "2020-06-06 20:30:01,932 maskrcnn_benchmark.utils.model_serialization INFO: REMATCHING! module.roi_heads.relation.union_feature_extractor.feature_extractor.fc6.bias loaded from roi_heads.box.feature_extractor.fc6.bias of shape (4096,)\n", + "2020-06-06 20:30:01,932 maskrcnn_benchmark.utils.model_serialization INFO: REMATCHING! module.roi_heads.relation.union_feature_extractor.feature_extractor.fc6.weight loaded from roi_heads.box.feature_extractor.fc6.weight of shape (4096, 12544)\n", + "2020-06-06 20:30:01,933 maskrcnn_benchmark.utils.model_serialization INFO: REMATCHING! module.roi_heads.relation.union_feature_extractor.feature_extractor.fc7.bias loaded from roi_heads.box.feature_extractor.fc7.bias of shape (4096,)\n", + "2020-06-06 20:30:01,933 maskrcnn_benchmark.utils.model_serialization INFO: REMATCHING! module.roi_heads.relation.union_feature_extractor.feature_extractor.fc7.weight loaded from roi_heads.box.feature_extractor.fc7.weight of shape (4096, 4096)\n", + "2020-06-06 20:30:01,933 maskrcnn_benchmark.utils.model_serialization INFO: NO-MATCHING of current module: module.roi_heads.relation.union_feature_extractor.feature_extractor.pooler.reduce_channel.0.bias of shape (256,)\n", + "2020-06-06 20:30:01,933 maskrcnn_benchmark.utils.model_serialization INFO: NO-MATCHING of current module: module.roi_heads.relation.union_feature_extractor.feature_extractor.pooler.reduce_channel.0.weight of shape (256, 1024, 3, 3)\n", + "2020-06-06 20:30:01,933 maskrcnn_benchmark.utils.model_serialization INFO: NO-MATCHING of current module: module.roi_heads.relation.union_feature_extractor.rect_conv.0.bias of shape (128,)\n", + "2020-06-06 20:30:01,933 maskrcnn_benchmark.utils.model_serialization INFO: NO-MATCHING of current module: module.roi_heads.relation.union_feature_extractor.rect_conv.0.weight of shape (128, 2, 7, 7)\n", + "2020-06-06 20:30:01,933 maskrcnn_benchmark.utils.model_serialization INFO: NO-MATCHING of current module: module.roi_heads.relation.union_feature_extractor.rect_conv.2.bias of shape (128,)\n", + "2020-06-06 20:30:01,933 maskrcnn_benchmark.utils.model_serialization INFO: NO-MATCHING of current module: module.roi_heads.relation.union_feature_extractor.rect_conv.2.num_batches_tracked of shape ()\n", + "2020-06-06 20:30:01,933 maskrcnn_benchmark.utils.model_serialization INFO: NO-MATCHING of current module: module.roi_heads.relation.union_feature_extractor.rect_conv.2.running_mean of shape (128,)\n", + "2020-06-06 20:30:01,933 maskrcnn_benchmark.utils.model_serialization INFO: NO-MATCHING of current module: module.roi_heads.relation.union_feature_extractor.rect_conv.2.running_var of shape (128,)\n", + "2020-06-06 20:30:01,933 maskrcnn_benchmark.utils.model_serialization INFO: NO-MATCHING of current module: module.roi_heads.relation.union_feature_extractor.rect_conv.2.weight of shape (128,)\n", + "2020-06-06 20:30:01,933 maskrcnn_benchmark.utils.model_serialization INFO: NO-MATCHING of current module: module.roi_heads.relation.union_feature_extractor.rect_conv.4.bias of shape (256,)\n", + "2020-06-06 20:30:01,933 maskrcnn_benchmark.utils.model_serialization INFO: NO-MATCHING of current module: module.roi_heads.relation.union_feature_extractor.rect_conv.4.weight of shape (256, 128, 3, 3)\n", + "2020-06-06 20:30:01,933 maskrcnn_benchmark.utils.model_serialization INFO: NO-MATCHING of current module: module.roi_heads.relation.union_feature_extractor.rect_conv.6.bias of shape (256,)\n", + "2020-06-06 20:30:01,933 maskrcnn_benchmark.utils.model_serialization INFO: NO-MATCHING of current module: module.roi_heads.relation.union_feature_extractor.rect_conv.6.num_batches_tracked of shape ()\n", + "2020-06-06 20:30:01,933 maskrcnn_benchmark.utils.model_serialization INFO: NO-MATCHING of current module: module.roi_heads.relation.union_feature_extractor.rect_conv.6.running_mean of shape (256,)\n", + "2020-06-06 20:30:01,933 maskrcnn_benchmark.utils.model_serialization INFO: NO-MATCHING of current module: module.roi_heads.relation.union_feature_extractor.rect_conv.6.running_var of shape (256,)\n", + "2020-06-06 20:30:01,933 maskrcnn_benchmark.utils.model_serialization INFO: NO-MATCHING of current module: module.roi_heads.relation.union_feature_extractor.rect_conv.6.weight of shape (256,)\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "2020-06-06 20:30:02,167 maskrcnn_benchmark INFO: #################### end load checkpointer ####################\n", + "2020-06-06 20:30:02,168 maskrcnn_benchmark.data.build WARNING: When using more than one image per GPU you may encounter an out-of-memory (OOM) error if your GPU does not have sufficient memory. If this happens, you can reduce SOLVER.IMS_PER_BATCH (for training) or TEST.IMS_PER_BATCH (for inference). For training, you must also adjust the learning rate and schedule length according to the linear scaling rule. See for example: https://github.com/facebookresearch/Detectron/blob/master/configs/getting_started/tutorial_1gpu_e2e_faster_rcnn_R-50-FPN.yaml#L14\n", + "When using more than one image per GPU you may encounter an out-of-memory (OOM) error if your GPU does not have sufficient memory. If this happens, you can reduce SOLVER.IMS_PER_BATCH (for training) or TEST.IMS_PER_BATCH (for inference). For training, you must also adjust the learning rate and schedule length according to the linear scaling rule. See for example: https://github.com/facebookresearch/Detectron/blob/master/configs/getting_started/tutorial_1gpu_e2e_faster_rcnn_R-50-FPN.yaml#L14\n", + "[DEBUG] \n", + "img_dir datasets/vg/VG_100K \n", + "image_file datasets/vg/image_data.json\n", + "[DEBUG] \n", + "img_dir datasets/vg/VG_100K \n", + "image_file datasets/vg/image_data.json\n", + "[DEBUG] load_image_filenames(...) OK\n", + "2020-06-06 20:30:04,738 maskrcnn_benchmark.utils.miscellaneous INFO: Saving labels mapping into checkpoint/motif-precls-exmp/labels.json\n", + "[DEBUG] load_image_filenames(...) OK\n", + "[DEBUG] \n", + "img_dir datasets/vg/VG_100K \n", + "image_file datasets/vg/image_data.json\n", + "[DEBUG] \n", + "img_dir datasets/vg/VG_100K \n", + "image_file datasets/vg/image_data.json\n", + "[DEBUG] load_image_filenames(...) OK\n", + "2020-06-06 20:30:05,847 maskrcnn_benchmark INFO: #################### end dataloader ####################\n", + "2020-06-06 20:30:05,847 maskrcnn_benchmark INFO: Validate before training\n", + "2020-06-06 20:30:05,856 maskrcnn_benchmark INFO: Start evaluation on VG_stanford_filtered_with_attribute_val dataset(5000 images).\n", + " 0%| | 0/2500 [00:00\n", + " main()\n", + " File \"tools/relation_train_net.py\", line 372, in main\n", + " model = train(cfg, args.local_rank, args.distributed, logger)\n", + " File \"tools/relation_train_net.py\", line 147, in train\n", + " loss_dict = model(images, targets)\n", + " File \"/opt/conda/lib/python3.7/site-packages/torch/nn/modules/module.py\", line 550, in __call__\n", + " result = self.forward(*input, **kwargs)\n", + " File \"/opt/conda/lib/python3.7/site-packages/torch/nn/parallel/distributed.py\", line 445, in forward\n", + " output = self.module(*inputs[0], **kwargs[0])\n", + " File \"/opt/conda/lib/python3.7/site-packages/torch/nn/modules/module.py\", line 550, in __call__\n", + " result = self.forward(*input, **kwargs)\n", + " File \"/root/Scene/maskrcnn_benchmark/modeling/detector/generalized_rcnn.py\", line 49, in forward\n", + " features = self.backbone(images.tensors)\n", + " File \"/opt/conda/lib/python3.7/site-packages/torch/nn/modules/module.py\", line 550, in __call__\n", + " result = self.forward(*input, **kwargs)\n", + " File \"/opt/conda/lib/python3.7/site-packages/torch/nn/modules/container.py\", line 100, in forward\n", + " input = module(input)\n", + " File \"/opt/conda/lib/python3.7/site-packages/torch/nn/modules/module.py\", line 550, in __call__\n", + " result = self.forward(*input, **kwargs)\n", + " File \"/root/Scene/maskrcnn_benchmark/modeling/backbone/resnet.py\", line 149, in forward\n", + " x = getattr(self, stage_name)(x)\n", + " File \"/opt/conda/lib/python3.7/site-packages/torch/nn/modules/module.py\", line 550, in __call__\n", + " result = self.forward(*input, **kwargs)\n", + " File \"/opt/conda/lib/python3.7/site-packages/torch/nn/modules/container.py\", line 100, in forward\n", + " input = module(input)\n", + " File \"/opt/conda/lib/python3.7/site-packages/torch/nn/modules/module.py\", line 550, in __call__\n", + " result = self.forward(*input, **kwargs)\n", + " File \"/root/Scene/maskrcnn_benchmark/modeling/backbone/resnet.py\", line 341, in forward\n", + " out += identity\n", + " File \"/opt/conda/lib/python3.7/site-packages/apex/amp/wrap.py\", line 53, in wrapper\n", + " return orig_fn(*args, **kwargs)\n", + "KeyboardInterrupt\n", + "Traceback (most recent call last):\n", + " File \"tools/relation_train_net.py\", line 379, in \n", + " main()\n", + " File \"tools/relation_train_net.py\", line 372, in main\n", + " model = train(cfg, args.local_rank, args.distributed, logger)\n", + " File \"tools/relation_train_net.py\", line 147, in train\n", + " loss_dict = model(images, targets)\n", + " File \"/opt/conda/lib/python3.7/site-packages/torch/nn/modules/module.py\", line 550, in __call__\n", + " result = self.forward(*input, **kwargs)\n", + " File \"/opt/conda/lib/python3.7/site-packages/torch/nn/parallel/distributed.py\", line 445, in forward\n", + " output = self.module(*inputs[0], **kwargs[0])\n", + " File \"/opt/conda/lib/python3.7/site-packages/torch/nn/modules/module.py\", line 550, in __call__\n", + " result = self.forward(*input, **kwargs)\n", + " File \"/root/Scene/maskrcnn_benchmark/modeling/detector/generalized_rcnn.py\", line 49, in forward\n", + " features = self.backbone(images.tensors)\n", + " File \"/opt/conda/lib/python3.7/site-packages/torch/nn/modules/module.py\", line 550, in __call__\n", + " result = self.forward(*input, **kwargs)\n", + " File \"/opt/conda/lib/python3.7/site-packages/torch/nn/modules/container.py\", line 100, in forward\n", + " input = module(input)\n", + " File \"/opt/conda/lib/python3.7/site-packages/torch/nn/modules/module.py\", line 550, in __call__\n", + " result = self.forward(*input, **kwargs)\n", + " File \"/root/Scene/maskrcnn_benchmark/modeling/backbone/resnet.py\", line 149, in forward\n", + " x = getattr(self, stage_name)(x)\n", + " File \"/opt/conda/lib/python3.7/site-packages/torch/nn/modules/module.py\", line 550, in __call__\n", + " result = self.forward(*input, **kwargs)\n", + " File \"/opt/conda/lib/python3.7/site-packages/torch/nn/modules/container.py\", line 100, in forward\n", + " input = module(input)\n", + " File \"/opt/conda/lib/python3.7/site-packages/torch/nn/modules/module.py\", line 550, in __call__\n", + " result = self.forward(*input, **kwargs)\n", + " File \"/root/Scene/maskrcnn_benchmark/modeling/backbone/resnet.py\", line 335, in forward\n", + " out = self.conv3(out)\n", + " File \"/opt/conda/lib/python3.7/site-packages/torch/nn/modules/module.py\", line 550, in __call__\n", + " result = self.forward(*input, **kwargs)\n", + " File \"/root/Scene/maskrcnn_benchmark/layers/misc.py\", line 33, in forward\n", + " return super(Conv2d, self).forward(x)\n", + " File \"/opt/conda/lib/python3.7/site-packages/torch/nn/modules/conv.py\", line 349, in forward\n", + " return self._conv_forward(input, self.weight)\n", + " File \"/opt/conda/lib/python3.7/site-packages/torch/nn/modules/conv.py\", line 346, in _conv_forward\n", + " self.padding, self.dilation, self.groups)\n", + " File \"/opt/conda/lib/python3.7/site-packages/apex/amp/wrap.py\", line 27, in wrapper\n", + " kwargs)\n", + " File \"/opt/conda/lib/python3.7/site-packages/apex/amp/utils.py\", line 81, in casted_args\n", + " new_args.append(cast_fn(x))\n", + " File \"/opt/conda/lib/python3.7/site-packages/apex/amp/utils.py\", line 63, in maybe_half\n", + " return x.half()\n", + "KeyboardInterrupt\n" + ] + } + ], + "source": [ + "! cd \"Scene/\"; python -m torch.distributed.launch --master_port 10025 --nproc_per_node=8 \\\n", + "tools/relation_train_net.py --config-file \"configs/e2e_relation_X_101_32_8_FPN_1x.yaml\" \\\n", + "MODEL.ROI_RELATION_HEAD.USE_GT_BOX True \\\n", + "MODEL.ROI_RELATION_HEAD.USE_GT_OBJECT_LABEL True \\\n", + "MODEL.ROI_RELATION_HEAD.PREDICTOR MotifPredictor \\\n", + "SOLVER.IMS_PER_BATCH 12 TEST.IMS_PER_BATCH 2 DTYPE \"float16\" \\\n", + "SOLVER.MAX_ITER 50000 SOLVER.VAL_PERIOD 2000 SOLVER.CHECKPOINT_PERIOD 2000 \\\n", + "GLOVE_DIR glove/ \\\n", + "MODEL.PRETRAINED_DETECTOR_CKPT checkpoint/pretrained_faster_rcnn/model_final.pth \\\n", + "OUTPUT_DIR checkpoint/motif-precls-exmp" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Test" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "colab_type": "text", + "id": "t_743-_bXXil" + }, + "source": [ + "### Test Example 1 : (PreCls, Motif Model)\n", + "Better use only one GPU for testing\n", + "~~~\n", + "CUDA_VISIBLE_DEVICES=0\n", + "python -m torch.distributed.launch \n", + "--master_port 10027 \n", + "--nproc_per_node=1\n", + "~~~\n", + "\n", + "`tools/relation_test_net.py` <-- this line is the only that change\n", + "\n", + "~~~\n", + "--config-file \"configs/e2e_relation_X_101_32_8_FPN_1x.yaml\"\n", + "MODEL.ROI_RELATION_HEAD.USE_GT_BOX True \n", + "MODEL.ROI_RELATION_HEAD.USE_GT_OBJECT_LABEL True \n", + "MODEL.ROI_RELATION_HEAD.PREDICTOR MotifPredictor \n", + "~~~\n", + "`TEST.IMS_PER_BATCH 1` <----------------------------- must be equal to nproc_per_node\n", + "~~~\n", + "DTYPE \"float16\" \n", + "GLOVE_DIR /home/kaihua/glove \n", + "MODEL.PRETRAINED_DETECTOR_CKPT checkpoints/motif-precls-exmp \n", + "OUTPUT_DIR checkpoints/motif-precls-exmp\n", + "~~~" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "# evaluation\n", + "! cd \"Scene/\"; python -m torch.distributed.launch --master_port 10027 --nproc_per_node=8 tools/relation_test_net.py \\\n", + "--config-file \"configs/e2e_relation_X_101_32_8_FPN_1x.yaml\" \\\n", + "MODEL.ROI_RELATION_HEAD.USE_GT_BOX True \\\n", + "MODEL.ROI_RELATION_HEAD.USE_GT_OBJECT_LABEL True \\\n", + "MODEL.ROI_RELATION_HEAD.PREDICTOR MotifPredictor \\\n", + "TEST.IMS_PER_BATCH 32 DTYPE \"float16\" \\\n", + "GLOVE_DIR glove/ \\\n", + "MODEL.PRETRAINED_DETECTOR_CKPT checkpoint/pretrained_faster_rcnn/model_final.pth \\\n", + "OUTPUT_DIR checkpoint/motif-precls-exmp" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Train and test Example 2 : (SGCls, Causal, TDE, SUM Fusion, MOTIFS Model)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "! python -m torch.distributed.launch --master_port 10026 --nproc_per_node=2 \\\n", + "tools/relation_train_net.py --config-file \"configs/e2e_relation_X_101_32_8_FPN_1x.yaml\" \\\n", + "MODEL.ROI_RELATION_HEAD.USE_GT_BOX True \\\n", + "MODEL.ROI_RELATION_HEAD.USE_GT_OBJECT_LABEL False \\\n", + "MODEL.ROI_RELATION_HEAD.PREDICTOR CausalAnalysisPredictor \\\n", + "MODEL.ROI_RELATION_HEAD.CAUSAL.EFFECT_TYPE none \n", + "MODEL.ROI_RELATION_HEAD.CAUSAL.FUSION_TYPE sum \\\n", + "MODEL.ROI_RELATION_HEAD.CAUSAL.CONTEXT_LAYER motifs \\ \n", + "SOLVER.IMS_PER_BATCH 12 TEST.IMS_PER_BATCH 2 DTYPE \"float16\" \\ \n", + "SOLVER.MAX_ITER 50000 SOLVER.VAL_PERIOD 2000 SOLVER.CHECKPOINT_PERIOD 2000 \\ \n", + "GLOVE_DIR /home/kaihua/glove \n", + "MODEL.PRETRAINED_DETECTOR_CKPT /home/kaihua/checkpoints/pretrained_faster_rcnn/model_final.pth \n", + "OUTPUT_DIR /home/kaihua/checkpoints/causal-motifs-sgcls-exmp" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "# evaluation\n", + "CUDA_VISIBLE_DEVICES=0 python -m torch.distributed.launch --master_port 10028 --nproc_per_node=1 tools/relation_test_net.py --config-file \"configs/e2e_relation_X_101_32_8_FPN_1x.yaml\" MODEL.ROI_RELATION_HEAD.USE_GT_BOX True MODEL.ROI_RELATION_HEAD.USE_GT_OBJECT_LABEL False MODEL.ROI_RELATION_HEAD.PREDICTOR CausalAnalysisPredictor MODEL.ROI_RELATION_HEAD.CAUSAL.EFFECT_TYPE TDE MODEL.ROI_RELATION_HEAD.CAUSAL.FUSION_TYPE sum MODEL.ROI_RELATION_HEAD.CAUSAL.CONTEXT_LAYER motifs TEST.IMS_PER_BATCH 1 DTYPE \"float16\" GLOVE_DIR /home/kaihua/glove MODEL.PRETRAINED_DETECTOR_CKPT /home/kaihua/checkpoints/causal-motifs-sgcls-exmp OUTPUT_DIR /home/kaihua/checkpoints/causal-motifs-sgcls-exmp" + ] + } + ], + "metadata": { + "colab": { + "collapsed_sections": [], + "name": "HS.ipynb", + "provenance": [] + }, + "kernelspec": { + "display_name": "Python 3", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.6.8" + }, + "toc": { + "base_numbering": 1, + "nav_menu": {}, + "number_sections": true, + "sideBar": true, + "skip_h1_title": false, + "title_cell": "Table of Contents", + "title_sidebar": "Contents", + "toc_cell": false, + "toc_position": { + "height": "calc(100% - 180px)", + "left": "10px", + "top": "150px", + "width": "189.4px" + }, + "toc_section_display": true, + "toc_window_display": true + } + }, + "nbformat": 4, + "nbformat_minor": 1 +} \ No newline at end of file