{ "info": { "author": "PyTorch Team", "author_email": "packages@pytorch.org", "bugtrack_url": null, "classifiers": [ "Development Status :: 5 - Production/Stable", "Intended Audience :: Developers", "Intended Audience :: Education", "Intended Audience :: Science/Research", "License :: OSI Approved :: BSD License", "Programming Language :: C++", "Programming Language :: Python :: 3", "Programming Language :: Python :: 3.7", "Programming Language :: Python :: 3.8", "Programming Language :: Python :: 3.9", "Topic :: Scientific/Engineering", "Topic :: Scientific/Engineering :: Artificial Intelligence", "Topic :: Scientific/Engineering :: Mathematics", "Topic :: Software Development", "Topic :: Software Development :: Libraries", "Topic :: Software Development :: Libraries :: Python Modules" ], "description": "![PyTorch Logo](https://github.com/pytorch/pytorch/blob/master/docs/source/_static/img/pytorch-logo-dark.png)\n\n--------------------------------------------------------------------------------\n\nPyTorch is a Python package that provides two high-level features:\n- Tensor computation (like NumPy) with strong GPU acceleration\n- Deep neural networks built on a tape-based autograd system\n\nYou can reuse your favorite Python packages such as NumPy, SciPy, and Cython to extend PyTorch when needed.\n\n\n\n- [More About PyTorch](#more-about-pytorch)\n - [A GPU-Ready Tensor Library](#a-gpu-ready-tensor-library)\n - [Dynamic Neural Networks: Tape-Based Autograd](#dynamic-neural-networks-tape-based-autograd)\n - [Python First](#python-first)\n - [Imperative Experiences](#imperative-experiences)\n - [Fast and Lean](#fast-and-lean)\n - [Extensions Without Pain](#extensions-without-pain)\n- [Installation](#installation)\n - [Binaries](#binaries)\n - [NVIDIA Jetson Platforms](#nvidia-jetson-platforms)\n - [From Source](#from-source)\n - [Install Dependencies](#install-dependencies)\n - [Get the PyTorch Source](#get-the-pytorch-source)\n - [Install PyTorch](#install-pytorch)\n - [Adjust Build Options (Optional)](#adjust-build-options-optional)\n - [Docker Image](#docker-image)\n - [Using pre-built images](#using-pre-built-images)\n - [Building the image yourself](#building-the-image-yourself)\n - [Building the Documentation](#building-the-documentation)\n - [Previous Versions](#previous-versions)\n- [Getting Started](#getting-started)\n- [Resources](#resources)\n- [Communication](#communication)\n- [Releases and Contributing](#releases-and-contributing)\n- [The Team](#the-team)\n- [License](#license)\n\n\n\n| System | 3.7 | 3.8 |\n| :---: | :---: | :--: |\n| Linux CPU | [![Build Status](https://ci.pytorch.org/jenkins/job/pytorch-master/badge/icon)](https://ci.pytorch.org/jenkins/job/pytorch-master/) |
\u2014
|\n| Linux GPU | [![Build Status](https://ci.pytorch.org/jenkins/job/pytorch-master/badge/icon)](https://ci.pytorch.org/jenkins/job/pytorch-master/) |
\u2014
|\n| Windows CPU / GPU | [![Build Status](https://ci.pytorch.org/jenkins/job/pytorch-builds/job/pytorch-win-ws2016-cuda9-cudnn7-py3-trigger/badge/icon)](https://ci.pytorch.org/jenkins/job/pytorch-builds/job/pytorch-win-ws2016-cuda9-cudnn7-py3-trigger/) |
\u2014
|\n| Linux (ppc64le) CPU | [![Build Status](https://powerci.osuosl.org/job/pytorch-master-nightly-py3-linux-ppc64le/badge/icon)](https://powerci.osuosl.org/job/pytorch-master-nightly-py3-linux-ppc64le/) |
\u2014
|\n| Linux (ppc64le) GPU | [![Build Status](https://powerci.osuosl.org/job/pytorch-master-nightly-py3-linux-ppc64le-gpu/badge/icon)](https://powerci.osuosl.org/job/pytorch-master-nightly-py3-linux-ppc64le-gpu/) |
\u2014
|\n| Linux (aarch64) CPU | [![Build Status](http://openlabtesting.org:15000/badge?project=pytorch%2Fpytorch&job_name=pytorch-arm64-build-daily-master-py37)](https://status.openlabtesting.org/builds/builds?project=pytorch%2Fpytorch&job_name=pytorch-arm64-build-daily-master-py37) | [![Build Status](http://openlabtesting.org:15000/badge?project=pytorch%2Fpytorch&job_name=pytorch-arm64-build-daily-master-py38)](https://status.openlabtesting.org/builds/builds?project=pytorch%2Fpytorch&job_name=pytorch-arm64-build-daily-master-py38) |\n\nSee also the [CI HUD at hud.pytorch.org](https://hud.pytorch.org/ci/pytorch/pytorch/master).\n\n\n## More About PyTorch\n\nAt a granular level, PyTorch is a library that consists of the following components:\n\n| Component | Description |\n| ---- | --- |\n| [**torch**](https://pytorch.org/docs/stable/torch.html) | a Tensor library like NumPy, with strong GPU support |\n| [**torch.autograd**](https://pytorch.org/docs/stable/autograd.html) | a tape-based automatic differentiation library that supports all differentiable Tensor operations in torch |\n| [**torch.jit**](https://pytorch.org/docs/stable/jit.html) | a compilation stack (TorchScript) to create serializable and optimizable models from PyTorch code |\n| [**torch.nn**](https://pytorch.org/docs/stable/nn.html) | a neural networks library deeply integrated with autograd designed for maximum flexibility |\n| [**torch.multiprocessing**](https://pytorch.org/docs/stable/multiprocessing.html) | Python multiprocessing, but with magical memory sharing of torch Tensors across processes. Useful for data loading and Hogwild training |\n| [**torch.utils**](https://pytorch.org/docs/stable/data.html) | DataLoader and other utility functions for convenience |\n\nUsually, PyTorch is used either as:\n\n- A replacement for NumPy to use the power of GPUs.\n- A deep learning research platform that provides maximum flexibility and speed.\n\nElaborating Further:\n\n### A GPU-Ready Tensor Library\n\nIf you use NumPy, then you have used Tensors (a.k.a. ndarray).\n\n![Tensor illustration](./docs/source/_static/img/tensor_illustration.png)\n\nPyTorch provides Tensors that can live either on the CPU or the GPU and accelerates the\ncomputation by a huge amount.\n\nWe provide a wide variety of tensor routines to accelerate and fit your scientific computation needs\nsuch as slicing, indexing, math operations, linear algebra, reductions.\nAnd they are fast!\n\n### Dynamic Neural Networks: Tape-Based Autograd\n\nPyTorch has a unique way of building neural networks: using and replaying a tape recorder.\n\nMost frameworks such as TensorFlow, Theano, Caffe, and CNTK have a static view of the world.\nOne has to build a neural network and reuse the same structure again and again.\nChanging the way the network behaves means that one has to start from scratch.\n\nWith PyTorch, we use a technique called reverse-mode auto-differentiation, which allows you to\nchange the way your network behaves arbitrarily with zero lag or overhead. Our inspiration comes\nfrom several research papers on this topic, as well as current and past work such as\n[torch-autograd](https://github.com/twitter/torch-autograd),\n[autograd](https://github.com/HIPS/autograd),\n[Chainer](https://chainer.org), etc.\n\nWhile this technique is not unique to PyTorch, it's one of the fastest implementations of it to date.\nYou get the best of speed and flexibility for your crazy research.\n\n![Dynamic graph](https://github.com/pytorch/pytorch/blob/master/docs/source/_static/img/dynamic_graph.gif)\n\n### Python First\n\nPyTorch is not a Python binding into a monolithic C++ framework.\nIt is built to be deeply integrated into Python.\nYou can use it naturally like you would use [NumPy](https://www.numpy.org/) / [SciPy](https://www.scipy.org/) / [scikit-learn](https://scikit-learn.org) etc.\nYou can write your new neural network layers in Python itself, using your favorite libraries\nand use packages such as [Cython](https://cython.org/) and [Numba](http://numba.pydata.org/).\nOur goal is to not reinvent the wheel where appropriate.\n\n### Imperative Experiences\n\nPyTorch is designed to be intuitive, linear in thought, and easy to use.\nWhen you execute a line of code, it gets executed. There isn't an asynchronous view of the world.\nWhen you drop into a debugger or receive error messages and stack traces, understanding them is straightforward.\nThe stack trace points to exactly where your code was defined.\nWe hope you never spend hours debugging your code because of bad stack traces or asynchronous and opaque execution engines.\n\n### Fast and Lean\n\nPyTorch has minimal framework overhead. We integrate acceleration libraries\nsuch as [Intel MKL](https://software.intel.com/mkl) and NVIDIA ([cuDNN](https://developer.nvidia.com/cudnn), [NCCL](https://developer.nvidia.com/nccl)) to maximize speed.\nAt the core, its CPU and GPU Tensor and neural network backends\nare mature and have been tested for years.\n\nHence, PyTorch is quite fast \u2013 whether you run small or large neural networks.\n\nThe memory usage in PyTorch is extremely efficient compared to Torch or some of the alternatives.\nWe've written custom memory allocators for the GPU to make sure that\nyour deep learning models are maximally memory efficient.\nThis enables you to train bigger deep learning models than before.\n\n### Extensions Without Pain\n\nWriting new neural network modules, or interfacing with PyTorch's Tensor API was designed to be straightforward\nand with minimal abstractions.\n\nYou can write new neural network layers in Python using the torch API\n[or your favorite NumPy-based libraries such as SciPy](https://pytorch.org/tutorials/advanced/numpy_extensions_tutorial.html).\n\nIf you want to write your layers in C/C++, we provide a convenient extension API that is efficient and with minimal boilerplate.\nNo wrapper code needs to be written. You can see [a tutorial here](https://pytorch.org/tutorials/advanced/cpp_extension.html) and [an example here](https://github.com/pytorch/extension-cpp).\n\n\n## Installation\n\n### Binaries\nCommands to install binaries via Conda or pip wheels are on our website: [https://pytorch.org/get-started/locally/](https://pytorch.org/get-started/locally/)\n\n\n#### NVIDIA Jetson Platforms\n\nPython wheels for NVIDIA's Jetson Nano, Jetson TX2, and Jetson AGX Xavier are available via the following URLs:\n\n- Stable binaries:\n - Python 3.6: https://nvidia.box.com/v/torch-stable-cp36-jetson-jp42\n- Rolling weekly binaries:\n - Python 3.6: https://nvidia.box.com/v/torch-weekly-cp36-jetson-jp42\n\nThey require JetPack 4.2 and above, and [@dusty-nv](https://github.com/dusty-nv) maintains them\n\n\n### From Source\n\nIf you are installing from source, you will need Python 3.7 or later and a C++14 compiler. Also, we highly recommend installing an [Anaconda](https://www.anaconda.com/distribution/#download-section) environment.\nYou will get a high-quality BLAS library (MKL) and you get controlled dependency versions regardless of your Linux distro.\n\nOnce you have [Anaconda](https://www.anaconda.com/distribution/#download-section) installed, here are the instructions.\n\nIf you want to compile with CUDA support, install\n- [NVIDIA CUDA](https://developer.nvidia.com/cuda-downloads) 10.2 or above\n- [NVIDIA cuDNN](https://developer.nvidia.com/cudnn) v7 or above\n- [Compiler](https://gist.github.com/ax3l/9489132) compatible with CUDA\nNote: You could refer to the [cuDNN Support Matrix](https://docs.nvidia.com/deeplearning/cudnn/pdf/cuDNN-Support-Matrix.pdf) for cuDNN versions with the various supported CUDA, CUDA driver and NVIDIA hardwares\n\nIf you want to disable CUDA support, export environment variable `USE_CUDA=0`.\nOther potentially useful environment variables may be found in `setup.py`.\n\nIf you are building for NVIDIA's Jetson platforms (Jetson Nano, TX1, TX2, AGX Xavier), Instructions to install PyTorch for Jetson Nano are [available here](https://devtalk.nvidia.com/default/topic/1049071/jetson-nano/pytorch-for-jetson-nano/)\n\nIf you want to compile with ROCm support, install\n- [AMD ROCm](https://rocmdocs.amd.com/en/latest/Installation_Guide/Installation-Guide.html) 4.0 and above installation\n- ROCm is currently supported only for Linux system.\n\nIf you want to disable ROCm support, export environment variable `USE_ROCM=0`.\nOther potentially useful environment variables may be found in `setup.py`.\n\n#### Install Dependencies\n\nCommon\n```bash\nconda install astunparse numpy ninja pyyaml mkl mkl-include setuptools cmake cffi typing_extensions future six requests dataclasses\n```\n\nOn Linux\n```bash\n# CUDA only: Add LAPACK support for the GPU if needed\nconda install -c pytorch magma-cuda110 # or the magma-cuda* that matches your CUDA version from https://anaconda.org/pytorch/repo\n```\n\nOn MacOS\n```bash\n# Add these packages if torch.distributed is needed\nconda install pkg-config libuv\n```\n\nOn Windows\n```bash\n# Add these packages if torch.distributed is needed.\n# Distributed package support on Windows is a prototype feature and is subject to changes.\nconda install -c conda-forge libuv=1.39\n```\n\n#### Get the PyTorch Source\n```bash\ngit clone --recursive https://github.com/pytorch/pytorch\ncd pytorch\n# if you are updating an existing checkout\ngit submodule sync\ngit submodule update --init --recursive --jobs 0\n```\n\n#### Install PyTorch\nOn Linux\n```bash\nexport CMAKE_PREFIX_PATH=${CONDA_PREFIX:-\"$(dirname $(which conda))/../\"}\npython setup.py install\n```\n\nNote that if you are compiling for ROCm, you must run this command first:\n```bash\npython tools/amd_build/build_amd.py\n```\n\nNote that if you are using [Anaconda](https://www.anaconda.com/distribution/#download-section), you may experience an error caused by the linker:\n\n```plaintext\nbuild/temp.linux-x86_64-3.7/torch/csrc/stub.o: file not recognized: file format not recognized\ncollect2: error: ld returned 1 exit status\nerror: command 'g++' failed with exit status 1\n```\n\nThis is caused by `ld` from Conda environment shadowing the system `ld`. You should use a newer version of Python that fixes this issue. The recommended Python version is 3.6.10+, 3.7.6+ and 3.8.1+.\n\nOn macOS\n```bash\nexport CMAKE_PREFIX_PATH=${CONDA_PREFIX:-\"$(dirname $(which conda))/../\"}\nMACOSX_DEPLOYMENT_TARGET=10.9 CC=clang CXX=clang++ python setup.py install\n```\n\nCUDA is not supported on macOS.\n\n\nOn Windows\n\nChoose Correct Visual Studio Version.\n\nSometimes there are regressions in new versions of Visual Studio, so\nit's best to use the same Visual Studio Version [16.8.5](https://github.com/pytorch/pytorch/blob/master/.circleci/scripts/vs_install.ps1) as Pytorch CI's.\n\nPyTorch CI uses Visual C++ BuildTools, which come with Visual Studio Enterprise,\nProfessional, or Community Editions. You can also install the build tools from\nhttps://visualstudio.microsoft.com/visual-cpp-build-tools/. The build tools *do not*\ncome with Visual Studio Code by default.\n\nIf you want to build legacy python code, please refer to [Building on legacy code and CUDA](https://github.com/pytorch/pytorch/blob/master/CONTRIBUTING.md#building-on-legacy-code-and-cuda)\n\nBuild with CPU\n\nIt's fairly easy to build with CPU.\n```cmd\nconda activate\npython setup.py install\n```\n\nNote on OpenMP: The desired OpenMP implementation is Intel OpenMP (iomp). In order to link against iomp, you'll need to manually download the library and set up the building environment by tweaking `CMAKE_INCLUDE_PATH` and `LIB`. The instruction [here](https://github.com/pytorch/pytorch/blob/master/docs/source/notes/windows.rst#building-from-source) is an example for setting up both MKL and Intel OpenMP. Without these configurations for CMake, Microsoft Visual C OpenMP runtime (vcomp) will be used.\n\nBuild with CUDA\n\n[NVTX](https://docs.nvidia.com/gameworks/content/gameworkslibrary/nvtx/nvidia_tools_extension_library_nvtx.htm) is needed to build Pytorch with CUDA.\nNVTX is a part of CUDA distributive, where it is called \"Nsight Compute\". To install it onto already installed CUDA run CUDA installation once again and check the corresponding checkbox.\nMake sure that CUDA with Nsight Compute is installed after Visual Studio.\n\nCurrently, VS 2017 / 2019, and Ninja are supported as the generator of CMake. If `ninja.exe` is detected in `PATH`, then Ninja will be used as the default generator, otherwise, it will use VS 2017 / 2019.\n
If Ninja is selected as the generator, the latest MSVC will get selected as the underlying toolchain.\n\nAdditional libraries such as\n[Magma](https://developer.nvidia.com/magma), [oneDNN, a.k.a MKLDNN or DNNL](https://github.com/oneapi-src/oneDNN), and [Sccache](https://github.com/mozilla/sccache) are often needed. Please refer to the [installation-helper](https://github.com/pytorch/pytorch/tree/master/.jenkins/pytorch/win-test-helpers/installation-helpers) to install them.\n\nYou can refer to the [build_pytorch.bat](https://github.com/pytorch/pytorch/blob/master/.jenkins/pytorch/win-test-helpers/build_pytorch.bat) script for some other environment variables configurations\n\n\n```cmd\ncmd\n\n:: Set the environment variables after you have downloaded and upzipped the mkl package,\n:: else CMake would throw error as `Could NOT find OpenMP`.\nset CMAKE_INCLUDE_PATH={Your directory}\\mkl\\include\nset LIB={Your directory}\\mkl\\lib;%LIB%\n\n:: Read the content in the previous section carefully before you proceed.\n:: [Optional] If you want to override the underlying toolset used by Ninja and Visual Studio with CUDA, please run the following script block.\n:: \"Visual Studio 2019 Developer Command Prompt\" will be run automatically.\n:: Make sure you have CMake >= 3.12 before you do this when you use the Visual Studio generator.\nset CMAKE_GENERATOR_TOOLSET_VERSION=14.27\nset DISTUTILS_USE_SDK=1\nfor /f \"usebackq tokens=*\" %i in (`\"%ProgramFiles(x86)%\\Microsoft Visual Studio\\Installer\\vswhere.exe\" -version [15^,17^) -products * -latest -property installationPath`) do call \"%i\\VC\\Auxiliary\\Build\\vcvarsall.bat\" x64 -vcvars_ver=%CMAKE_GENERATOR_TOOLSET_VERSION%\n\n:: [Optional] If you want to override the CUDA host compiler\nset CUDAHOSTCXX=C:\\Program Files (x86)\\Microsoft Visual Studio\\2019\\Community\\VC\\Tools\\MSVC\\14.27.29110\\bin\\HostX64\\x64\\cl.exe\n\npython setup.py install\n\n```\n\n##### Adjust Build Options (Optional)\n\nYou can adjust the configuration of cmake variables optionally (without building first), by doing\nthe following. For example, adjusting the pre-detected directories for CuDNN or BLAS can be done\nwith such a step.\n\nOn Linux\n```bash\nexport CMAKE_PREFIX_PATH=${CONDA_PREFIX:-\"$(dirname $(which conda))/../\"}\npython setup.py build --cmake-only\nccmake build # or cmake-gui build\n```\n\nOn macOS\n```bash\nexport CMAKE_PREFIX_PATH=${CONDA_PREFIX:-\"$(dirname $(which conda))/../\"}\nMACOSX_DEPLOYMENT_TARGET=10.9 CC=clang CXX=clang++ python setup.py build --cmake-only\nccmake build # or cmake-gui build\n```\n\n### Docker Image\n\n#### Using pre-built images\n\nYou can also pull a pre-built docker image from Docker Hub and run with docker v19.03+\n\n```bash\ndocker run --gpus all --rm -ti --ipc=host pytorch/pytorch:latest\n```\n\nPlease note that PyTorch uses shared memory to share data between processes, so if torch multiprocessing is used (e.g.\nfor multithreaded data loaders) the default shared memory segment size that container runs with is not enough, and you\nshould increase shared memory size either with `--ipc=host` or `--shm-size` command line options to `nvidia-docker run`.\n\n#### Building the image yourself\n\n**NOTE:** Must be built with a docker version > 18.06\n\nThe `Dockerfile` is supplied to build images with CUDA 11.1 support and cuDNN v8.\nYou can pass `PYTHON_VERSION=x.y` make variable to specify which Python version is to be used by Miniconda, or leave it\nunset to use the default.\n```bash\nmake -f docker.Makefile\n# images are tagged as docker.io/${your_docker_username}/pytorch\n```\n\n### Building the Documentation\n\nTo build documentation in various formats, you will need [Sphinx](http://www.sphinx-doc.org) and the\nreadthedocs theme.\n\n```bash\ncd docs/\npip install -r requirements.txt\n```\nYou can then build the documentation by running `make ` from the\n`docs/` folder. Run `make` to get a list of all available output formats.\n\nIf you get a katex error run `npm install katex`. If it persists, try\n`npm install -g katex`\n\n### Previous Versions\n\nInstallation instructions and binaries for previous PyTorch versions may be found\non [our website](https://pytorch.org/previous-versions).\n\n\n## Getting Started\n\nThree-pointers to get you started:\n- [Tutorials: get you started with understanding and using PyTorch](https://pytorch.org/tutorials/)\n- [Examples: easy to understand PyTorch code across all domains](https://github.com/pytorch/examples)\n- [The API Reference](https://pytorch.org/docs/)\n- [Glossary](https://github.com/pytorch/pytorch/blob/master/GLOSSARY.md)\n\n## Resources\n\n* [PyTorch.org](https://pytorch.org/)\n* [PyTorch Tutorials](https://pytorch.org/tutorials/)\n* [PyTorch Examples](https://github.com/pytorch/examples)\n* [PyTorch Models](https://pytorch.org/hub/)\n* [Intro to Deep Learning with PyTorch from Udacity](https://www.udacity.com/course/deep-learning-pytorch--ud188)\n* [Intro to Machine Learning with PyTorch from Udacity](https://www.udacity.com/course/intro-to-machine-learning-nanodegree--nd229)\n* [Deep Neural Networks with PyTorch from Coursera](https://www.coursera.org/learn/deep-neural-networks-with-pytorch)\n* [PyTorch Twitter](https://twitter.com/PyTorch)\n* [PyTorch Blog](https://pytorch.org/blog/)\n* [PyTorch YouTube](https://www.youtube.com/channel/UCWXI5YeOsh03QvJ59PMaXFw)\n\n## Communication\n* Forums: Discuss implementations, research, etc. https://discuss.pytorch.org\n* GitHub Issues: Bug reports, feature requests, install issues, RFCs, thoughts, etc.\n* Slack: The [PyTorch Slack](https://pytorch.slack.com/) hosts a primary audience of moderate to experienced PyTorch users and developers for general chat, online discussions, collaboration, etc. If you are a beginner looking for help, the primary medium is [PyTorch Forums](https://discuss.pytorch.org). If you need a slack invite, please fill this form: https://goo.gl/forms/PP1AGvNHpSaJP8to1\n* Newsletter: No-noise, a one-way email newsletter with important announcements about PyTorch. You can sign-up here: https://eepurl.com/cbG0rv\n* Facebook Page: Important announcements about PyTorch. https://www.facebook.com/pytorch\n* For brand guidelines, please visit our website at [pytorch.org](https://pytorch.org/)\n\n## Releases and Contributing\n\nPyTorch has a 90-day release cycle (major releases). Please let us know if you encounter a bug by [filing an issue](https://github.com/pytorch/pytorch/issues).\n\nWe appreciate all contributions. If you are planning to contribute back bug-fixes, please do so without any further discussion.\n\nIf you plan to contribute new features, utility functions, or extensions to the core, please first open an issue and discuss the feature with us.\nSending a PR without discussion might end up resulting in a rejected PR because we might be taking the core in a different direction than you might be aware of.\n\nTo learn more about making a contribution to Pytorch, please see our [Contribution page](CONTRIBUTING.md).\n\n## The Team\n\nPyTorch is a community-driven project with several skillful engineers and researchers contributing to it.\n\nPyTorch is currently maintained by [Adam Paszke](https://apaszke.github.io/), [Sam Gross](https://github.com/colesbury), [Soumith Chintala](http://soumith.ch) and [Gregory Chanan](https://github.com/gchanan) with major contributions coming from hundreds of talented individuals in various forms and means.\nA non-exhaustive but growing list needs to mention: Trevor Killeen, Sasank Chilamkurthy, Sergey Zagoruyko, Adam Lerer, Francisco Massa, Alykhan Tejani, Luca Antiga, Alban Desmaison, Andreas Koepf, James Bradbury, Zeming Lin, Yuandong Tian, Guillaume Lample, Marat Dukhan, Natalia Gimelshein, Christian Sarofeen, Martin Raison, Edward Yang, Zachary Devito.\n\nNote: This project is unrelated to [hughperkins/pytorch](https://github.com/hughperkins/pytorch) with the same name. Hugh is a valuable contributor to the Torch community and has helped with many things Torch and PyTorch.\n\n## License\n\nPyTorch has a BSD-style license, as found in the [LICENSE](LICENSE) file.\n\n\n", "description_content_type": "text/markdown", "docs_url": null, "download_url": "https://github.com/pytorch/pytorch/tags", "downloads": { "last_day": -1, "last_month": -1, "last_week": -1 }, "home_page": "https://pytorch.org/", "keywords": "pytorch machine learning", "license": "BSD-3", "maintainer": "", "maintainer_email": "", "name": "torch", "package_url": "https://pypi.org/project/torch/", "platform": null, "project_url": "https://pypi.org/project/torch/", "project_urls": { "Download": "https://github.com/pytorch/pytorch/tags", "Homepage": "https://pytorch.org/" }, "release_url": "https://pypi.org/project/torch/1.11.0/", "requires_dist": [ "typing-extensions" ], "requires_python": ">=3.7.0", "summary": "Tensors and Dynamic neural networks in Python with strong GPU acceleration", "version": "1.11.0", "yanked": false, "yanked_reason": null }, "last_serial": 13143283, "releases": { "1.0.0": [ { "comment_text": "", "digests": { "md5": "7a0af2553af02fda86d3da3956f4c7d0", "sha256": "4aadc7124afc431ac6a227a05dc8eff417b6fd8f90fc6c44d514ddfca9a6b474" }, "downloads": -1, "filename": "torch-1.0.0-cp27-cp27m-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "7a0af2553af02fda86d3da3956f4c7d0", "packagetype": "bdist_wheel", "python_version": "cp27", "requires_python": null, "size": 591763257, "upload_time": "2018-12-07T18:56:01", "upload_time_iso_8601": "2018-12-07T18:56:01.203127Z", "url": "https://files.pythonhosted.org/packages/fb/d7/71b982339efc4fff3c622c6fefecddfd3e0b35b60c5f822872d5b806bb71/torch-1.0.0-cp27-cp27m-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "4318d7d917445778162e1cc20d7fb848", "sha256": "cb92ac65fcc7685fa6c5920b24101182dcb706d841fc6154ada604f749b615e3" }, "downloads": -1, "filename": "torch-1.0.0-cp27-cp27mu-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "4318d7d917445778162e1cc20d7fb848", "packagetype": "bdist_wheel", "python_version": "cp27", "requires_python": null, "size": 591762613, "upload_time": "2018-12-07T18:57:12", "upload_time_iso_8601": "2018-12-07T18:57:12.698669Z", "url": "https://files.pythonhosted.org/packages/56/92/419c6959c0c427909994f019c039bf963354fe50153fa3a41094782b3a43/torch-1.0.0-cp27-cp27mu-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "37d39c4a4ebf34e6fad359d1d397bf16", "sha256": "53e12607830ccb1e5fc4076aafe19bdbbc380799793fbaad696714b72859bde6" }, "downloads": -1, "filename": "torch-1.0.0-cp27-none-macosx_10_6_x86_64.whl", "has_sig": false, "md5_digest": "37d39c4a4ebf34e6fad359d1d397bf16", "packagetype": "bdist_wheel", "python_version": "cp27", "requires_python": null, "size": 61422362, "upload_time": "2018-12-07T19:01:12", "upload_time_iso_8601": "2018-12-07T19:01:12.954492Z", "url": "https://files.pythonhosted.org/packages/9a/c0/af73b96a2b91c25945895491208fdf248d26b4606eabcb82472298e851bd/torch-1.0.0-cp27-none-macosx_10_6_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "2213983202eba8ae62e4f1617be3a8b1", "sha256": "cedbc382a0e992a169c73d2c469887c2e5ce0c6fa88b1dabe8f9021e1acb564f" }, "downloads": -1, "filename": "torch-1.0.0-cp35-cp35m-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "2213983202eba8ae62e4f1617be3a8b1", "packagetype": "bdist_wheel", "python_version": "cp35", "requires_python": null, "size": 591753877, "upload_time": "2018-12-07T18:58:09", "upload_time_iso_8601": "2018-12-07T18:58:09.829561Z", "url": "https://files.pythonhosted.org/packages/86/78/a113ef4e76dfb539e5c73be2aa010008b88fe1d83e324b5a3b16011bb245/torch-1.0.0-cp35-cp35m-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "ad5df010d5a4f0e3f96e9018865019d3", "sha256": "7e73a141bf817c0a914131dec51ea24a2f1946b96749b003af664230a9b95197" }, "downloads": -1, "filename": "torch-1.0.0-cp35-none-macosx_10_6_x86_64.whl", "has_sig": false, "md5_digest": "ad5df010d5a4f0e3f96e9018865019d3", "packagetype": "bdist_wheel", "python_version": "cp35", "requires_python": null, "size": 61412264, "upload_time": "2018-12-07T19:01:22", "upload_time_iso_8601": "2018-12-07T19:01:22.742881Z", "url": "https://files.pythonhosted.org/packages/e2/b0/f0f5be42ba4bc9944607d118321b21125c8d9a95f44c96808e524bd47d13/torch-1.0.0-cp35-none-macosx_10_6_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "397918c2d5ba76ae4a3fb7c7fd85bc8d", "sha256": "012a9c7efce86c7a0ce78cd7945fe7c798049537fc3e85af9f14e8789d13c17f" }, "downloads": -1, "filename": "torch-1.0.0-cp36-cp36m-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "397918c2d5ba76ae4a3fb7c7fd85bc8d", "packagetype": "bdist_wheel", "python_version": "cp36", "requires_python": null, "size": 591750603, "upload_time": "2018-12-07T18:59:10", "upload_time_iso_8601": "2018-12-07T18:59:10.737009Z", "url": "https://files.pythonhosted.org/packages/7e/60/66415660aa46b23b5e1b72bc762e816736ce8d7260213e22365af51e8f9c/torch-1.0.0-cp36-cp36m-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "b788fa924f60e3c8a73250ba837ac4d5", "sha256": "ded9e2e59c086127423c23e902e2bec42b3b443a0e458fae76c013f62a7e0748" }, "downloads": -1, "filename": "torch-1.0.0-cp36-none-macosx_10_7_x86_64.whl", "has_sig": false, "md5_digest": "b788fa924f60e3c8a73250ba837ac4d5", "packagetype": "bdist_wheel", "python_version": "cp36", "requires_python": null, "size": 61418861, "upload_time": "2018-12-07T19:01:32", "upload_time_iso_8601": "2018-12-07T19:01:32.343147Z", "url": "https://files.pythonhosted.org/packages/d0/47/068dc7020fd8cf89cca74a16690e274fb55c08684bcaece11348d98264f0/torch-1.0.0-cp36-none-macosx_10_7_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "3d2633dfd684ed0bca9cba2b97785d10", "sha256": "df005dff3e3f12911630e48e0e75d3594a424a317d785b49426c23d0810a4682" }, "downloads": -1, "filename": "torch-1.0.0-cp37-cp37m-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "3d2633dfd684ed0bca9cba2b97785d10", "packagetype": "bdist_wheel", "python_version": "cp37", "requires_python": null, "size": 591759574, "upload_time": "2018-12-07T19:00:11", "upload_time_iso_8601": "2018-12-07T19:00:11.480185Z", "url": "https://files.pythonhosted.org/packages/f5/3b/0b8de6e654c2983898564226792c6f09d9bcaba97b7b29c40e4ed4ae43ed/torch-1.0.0-cp37-cp37m-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "9783baed0cb287a621dd4070c7cf1bd3", "sha256": "f4196ce8ba17797f3c2d13c0d53cf461a8e32f6130a08e6e4ce917637afccdc6" }, "downloads": -1, "filename": "torch-1.0.0-cp37-none-macosx_10_7_x86_64.whl", "has_sig": false, "md5_digest": "9783baed0cb287a621dd4070c7cf1bd3", "packagetype": "bdist_wheel", "python_version": "cp37", "requires_python": null, "size": 61422356, "upload_time": "2018-12-07T19:01:42", "upload_time_iso_8601": "2018-12-07T19:01:42.503643Z", "url": "https://files.pythonhosted.org/packages/32/44/3a9e5b9e7d582625880fbdee9f2162357c7f0c1776b29f1eb35bcc5357e8/torch-1.0.0-cp37-none-macosx_10_7_x86_64.whl", "yanked": false, "yanked_reason": null } ], "1.0.1": [ { "comment_text": "", "digests": { "md5": "2f0c3fd9d9828a672a7d57113a4b614b", "sha256": "743ab46bf82eef8b71042f9423eeef6e2bae0974694f3b3e918a287f69dd693a" }, "downloads": -1, "filename": "torch-1.0.1-cp27-cp27m-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "2f0c3fd9d9828a672a7d57113a4b614b", "packagetype": "bdist_wheel", "python_version": "cp27", "requires_python": null, "size": 560079007, "upload_time": "2019-02-05T13:41:09", "upload_time_iso_8601": "2019-02-05T13:41:09.712022Z", "url": "https://files.pythonhosted.org/packages/32/03/58598c909307c476783cd2aeac0bf31c4a007a3dfefdce87dd004c2d0c1f/torch-1.0.1-cp27-cp27m-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "083fa8a59f8088dacb393e4c5124a617", "sha256": "6618b915124d22309d6ba7d80cf7539084bc7146f21837a9329a1d9e3a4e647d" }, "downloads": -1, "filename": "torch-1.0.1-cp27-cp27mu-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "083fa8a59f8088dacb393e4c5124a617", "packagetype": "bdist_wheel", "python_version": "cp27", "requires_python": null, "size": 560078251, "upload_time": "2019-02-05T13:42:04", "upload_time_iso_8601": "2019-02-05T13:42:04.839196Z", "url": "https://files.pythonhosted.org/packages/4f/36/c826fd725208e736e43778310a892cd1d6185d987b4db9c10dc29f6e3309/torch-1.0.1-cp27-cp27mu-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "b992e0530aac5348ee543579f288201b", "sha256": "b71e072dc68ef49afc3d9aaf0af8bcb20ce03bfce5cb43ee45be2d9cae5edf40" }, "downloads": -1, "filename": "torch-1.0.1-cp27-none-macosx_10_6_x86_64.whl", "has_sig": false, "md5_digest": "b992e0530aac5348ee543579f288201b", "packagetype": "bdist_wheel", "python_version": "cp27", "requires_python": null, "size": 58891937, "upload_time": "2019-02-05T00:38:13", "upload_time_iso_8601": "2019-02-05T00:38:13.689291Z", "url": "https://files.pythonhosted.org/packages/6e/e1/52ec6cf586810d9ac80c755f7f1f07bf063267e9eb4b961da27a6351e431/torch-1.0.1-cp27-none-macosx_10_6_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "6a4713aa8cc9dd40c4f4fbc73c4f871b", "sha256": "0932756a2de0ea9a47a4aee34e6cd475734a355477e5149a006fc8faf57a3229" }, "downloads": -1, "filename": "torch-1.0.1-cp35-cp35m-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "6a4713aa8cc9dd40c4f4fbc73c4f871b", "packagetype": "bdist_wheel", "python_version": "cp35", "requires_python": null, "size": 560067415, "upload_time": "2019-02-05T13:43:03", "upload_time_iso_8601": "2019-02-05T13:43:03.347355Z", "url": "https://files.pythonhosted.org/packages/7f/99/2a699ac907eaeba9d490a3d58116bfe6e73cda561bacd7b8bbeb7fdd25d1/torch-1.0.1-cp35-cp35m-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "72239d7a6d82eac4f10bf2181b0ea170", "sha256": "6154a8b92d869982d586d6a31955071d4bceb89e170153efd2861555bccd84c1" }, "downloads": -1, "filename": "torch-1.0.1-cp35-none-macosx_10_6_x86_64.whl", "has_sig": false, "md5_digest": "72239d7a6d82eac4f10bf2181b0ea170", "packagetype": "bdist_wheel", "python_version": "cp35", "requires_python": null, "size": 58882020, "upload_time": "2019-02-05T00:38:24", "upload_time_iso_8601": "2019-02-05T00:38:24.988479Z", "url": "https://files.pythonhosted.org/packages/e3/61/9cdaf21523293ac026ef3adde8ac0b0863159a322c36aa577dfa47dc63ea/torch-1.0.1-cp35-none-macosx_10_6_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "d06c23bf48784eb4b87eb3640b17590e", "sha256": "1330e1c47302113f05e65b17e518e9ebcf41b53982e38ee4e662fbc5390bb46c" }, "downloads": -1, "filename": "torch-1.0.1-cp36-cp36m-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "d06c23bf48784eb4b87eb3640b17590e", "packagetype": "bdist_wheel", "python_version": "cp36", "requires_python": null, "size": 560048992, "upload_time": "2019-02-05T13:43:59", "upload_time_iso_8601": "2019-02-05T13:43:59.870878Z", "url": "https://files.pythonhosted.org/packages/f7/92/1ae072a56665e36e81046d5fb8a2f39c7728c25c21df1777486c49b179ae/torch-1.0.1-cp36-cp36m-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "fa438b30651b95f627966c80a0c12906", "sha256": "ebf899165c96cba8468237c8bb0a0cc9e1a838ecd05fb0272934a83f33594a77" }, "downloads": -1, "filename": "torch-1.0.1-cp36-none-macosx_10_7_x86_64.whl", "has_sig": false, "md5_digest": "fa438b30651b95f627966c80a0c12906", "packagetype": "bdist_wheel", "python_version": "cp36", "requires_python": null, "size": 58887738, "upload_time": "2019-02-05T00:38:35", "upload_time_iso_8601": "2019-02-05T00:38:35.744304Z", "url": "https://files.pythonhosted.org/packages/26/90/14b572514cee8aa577ff6607405982e431e3864f85d43abcb18347cd7d84/torch-1.0.1-cp36-none-macosx_10_7_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "5649cb79101b73cdf1ee5816c42b2fd8", "sha256": "13d09d5022e0dd251a88b6be0415eecddafb093b067a253ff0c5c0f5acd12077" }, "downloads": -1, "filename": "torch-1.0.1-cp37-cp37m-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "5649cb79101b73cdf1ee5816c42b2fd8", "packagetype": "bdist_wheel", "python_version": "cp37", "requires_python": null, "size": 560074621, "upload_time": "2019-02-05T13:45:06", "upload_time_iso_8601": "2019-02-05T13:45:06.323881Z", "url": "https://files.pythonhosted.org/packages/4e/ba/d78f35357995297206790fe1af8688bc0403828c90f8e99190035196d56e/torch-1.0.1-cp37-cp37m-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "885debdb935c9c225e68aa0d5e6e1a98", "sha256": "d7a88d0e8c58effe46a4b31531e26340657375c61da4f5a2002b0e4b07f85437" }, "downloads": -1, "filename": "torch-1.0.1-cp37-none-macosx_10_7_x86_64.whl", "has_sig": false, "md5_digest": "885debdb935c9c225e68aa0d5e6e1a98", "packagetype": "bdist_wheel", "python_version": "cp37", "requires_python": null, "size": 58892021, "upload_time": "2019-02-05T00:38:48", "upload_time_iso_8601": "2019-02-05T00:38:48.040875Z", "url": "https://files.pythonhosted.org/packages/b1/a6/414a603f24eee6df88da1d087fe358a13d32f8d571eba71520f4620d96be/torch-1.0.1-cp37-none-macosx_10_7_x86_64.whl", "yanked": false, "yanked_reason": null } ], "1.0.1.post2": [ { "comment_text": "", "digests": { "md5": "12a0ee49a2fdffdb2a75beb02851b93b", "sha256": "a002d509e98a3ea17f45affc5c440808d7ac119d7510bb27da7b184aafb59943" }, "downloads": -1, "filename": "torch-1.0.1.post2-cp27-cp27m-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "12a0ee49a2fdffdb2a75beb02851b93b", "packagetype": "bdist_wheel", "python_version": "cp27", "requires_python": null, "size": 582553068, "upload_time": "2019-02-08T19:09:14", "upload_time_iso_8601": "2019-02-08T19:09:14.558312Z", "url": "https://files.pythonhosted.org/packages/f4/ce/5f0d393b305aea396be45cbdc977f5f7ba31c0003cc0e822e0e560dffaaf/torch-1.0.1.post2-cp27-cp27m-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "2d7d923c3e098093535a09da1bbe93e2", "sha256": "43e40d9cf70d038fe9a9c06eaadf3f39756fe76a530a0bd1dec9f21654ee5851" }, "downloads": -1, "filename": "torch-1.0.1.post2-cp27-cp27mu-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "2d7d923c3e098093535a09da1bbe93e2", "packagetype": "bdist_wheel", "python_version": "cp27", "requires_python": null, "size": 582545980, "upload_time": "2019-02-08T19:10:07", "upload_time_iso_8601": "2019-02-08T19:10:07.376276Z", "url": "https://files.pythonhosted.org/packages/93/b3/672813e65ac7605bac14a2a8e40e1a18e03bf0ac588c6a799508ee66c289/torch-1.0.1.post2-cp27-cp27mu-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "0f57fd59aa63e569f7649d8eafb05587", "sha256": "2e04bcc8b6536ba01a924cbcfb9eff2428be6c9cc73956df38dfcf63c948fbf5" }, "downloads": -1, "filename": "torch-1.0.1.post2-cp27-none-macosx_10_6_x86_64.whl", "has_sig": false, "md5_digest": "0f57fd59aa63e569f7649d8eafb05587", "packagetype": "bdist_wheel", "python_version": "cp27", "requires_python": null, "size": 27176498, "upload_time": "2019-02-08T19:05:01", "upload_time_iso_8601": "2019-02-08T19:05:01.196883Z", "url": "https://files.pythonhosted.org/packages/b6/0a/913d41850dba7fffe62c66383f401cca73f0168b7c3af56fb3d9cc94356d/torch-1.0.1.post2-cp27-none-macosx_10_6_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "fc91a3c639db5bcfefbf55f65ea9226b", "sha256": "c8dd2478d3e8c0da293c618be60432bb166fe36c50663e26b1fe9e7123365fe5" }, "downloads": -1, "filename": "torch-1.0.1.post2-cp35-cp35m-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "fc91a3c639db5bcfefbf55f65ea9226b", "packagetype": "bdist_wheel", "python_version": "cp35", "requires_python": null, "size": 582537671, "upload_time": "2019-02-08T19:11:08", "upload_time_iso_8601": "2019-02-08T19:11:08.175276Z", "url": "https://files.pythonhosted.org/packages/59/d2/4e806f73b4b72daab9064c99394fc22ea6ef1fb052154546405057cd192d/torch-1.0.1.post2-cp35-cp35m-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "b306e3d352ef36ec8333c1bfc6f3eefe", "sha256": "7822918f3d32a99db2bb5616a5c28d989d6e4b6a54d720cb25e60551dacafa1e" }, "downloads": -1, "filename": "torch-1.0.1.post2-cp35-none-macosx_10_6_x86_64.whl", "has_sig": false, "md5_digest": "b306e3d352ef36ec8333c1bfc6f3eefe", "packagetype": "bdist_wheel", "python_version": "cp35", "requires_python": null, "size": 27166426, "upload_time": "2019-02-08T19:05:20", "upload_time_iso_8601": "2019-02-08T19:05:20.055202Z", "url": "https://files.pythonhosted.org/packages/91/1f/984c586639a44bd166efad7cded2bcec8e9a235bcc1286b78dd49a82b20b/torch-1.0.1.post2-cp35-none-macosx_10_6_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "5548144b363c7267a79b394f2fea552f", "sha256": "639e9414cd3a787c807206199bf3285815a41fac9b2e20aca0db9a971db5399e" }, "downloads": -1, "filename": "torch-1.0.1.post2-cp36-cp36m-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "5548144b363c7267a79b394f2fea552f", "packagetype": "bdist_wheel", "python_version": "cp36", "requires_python": null, "size": 582532800, "upload_time": "2019-02-08T19:12:07", "upload_time_iso_8601": "2019-02-08T19:12:07.815608Z", "url": "https://files.pythonhosted.org/packages/31/ca/dd2c64f8ab5e7985c4af6e62da933849293906edcdb70dac679c93477733/torch-1.0.1.post2-cp36-cp36m-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "e4691bc410d070a31ab7c784ecb51ee9", "sha256": "96fd5e8ffc117f79d1baaa65da601d35411f341d90d8ca1204236925f164b043" }, "downloads": -1, "filename": "torch-1.0.1.post2-cp36-none-macosx_10_7_x86_64.whl", "has_sig": false, "md5_digest": "e4691bc410d070a31ab7c784ecb51ee9", "packagetype": "bdist_wheel", "python_version": "cp36", "requires_python": null, "size": 27172587, "upload_time": "2019-02-08T19:05:35", "upload_time_iso_8601": "2019-02-08T19:05:35.997397Z", "url": "https://files.pythonhosted.org/packages/87/fa/f3f09928494120f02a09053645c9a3fabdb5ebf9b2dc262557700a485df4/torch-1.0.1.post2-cp36-none-macosx_10_7_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "fee4c539465b8c81ae51504aba422f2f", "sha256": "652b70751bbe974370feff27f51b6cd7856c14a57eb06fdd1c9f2dfcc2731401" }, "downloads": -1, "filename": "torch-1.0.1.post2-cp37-cp37m-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "fee4c539465b8c81ae51504aba422f2f", "packagetype": "bdist_wheel", "python_version": "cp37", "requires_python": null, "size": 582542282, "upload_time": "2019-02-08T19:13:03", "upload_time_iso_8601": "2019-02-08T19:13:03.728246Z", "url": "https://files.pythonhosted.org/packages/7a/24/260f228857c652b58ee6f3ff7cacc9d987cea776a1ece6b76d794dcb7058/torch-1.0.1.post2-cp37-cp37m-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "9f9652413c4c1647646d83a7562ee7ac", "sha256": "40ad926ebdef6db70811102ae1448584a0c338a2fce2ff718533b9016664398e" }, "downloads": -1, "filename": "torch-1.0.1.post2-cp37-none-macosx_10_7_x86_64.whl", "has_sig": false, "md5_digest": "9f9652413c4c1647646d83a7562ee7ac", "packagetype": "bdist_wheel", "python_version": "cp37", "requires_python": null, "size": 27177043, "upload_time": "2019-02-08T19:05:49", "upload_time_iso_8601": "2019-02-08T19:05:49.656238Z", "url": "https://files.pythonhosted.org/packages/5f/4a/f4eb1d57fa7db52298959ce38f27869dfe6bc75010048a64c5be94cbd33f/torch-1.0.1.post2-cp37-none-macosx_10_7_x86_64.whl", "yanked": false, "yanked_reason": null } ], "1.1.0": [ { "comment_text": "", "digests": { "md5": "1955ba4ff93b60fc9dc15118ada32be7", "sha256": "f3342d535a3465bd73f30504a16d61d2995618e07b62b94b041b4a5860c1c684" }, "downloads": -1, "filename": "torch-1.1.0-cp27-cp27m-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "1955ba4ff93b60fc9dc15118ada32be7", "packagetype": "bdist_wheel", "python_version": "cp27", "requires_python": null, "size": 676889211, "upload_time": "2019-04-30T23:21:02", "upload_time_iso_8601": "2019-04-30T23:21:02.666777Z", "url": "https://files.pythonhosted.org/packages/1c/9b/26dcfb126b70c7ea1a7c65f313a0f7069cf7a30df47b8d98dcc606ae69e4/torch-1.1.0-cp27-cp27m-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "ad158dc082c68bb732ffba57dd11a4cb", "sha256": "12387aa96653004d9ad7d9e5d3eadc98b15e51f5f4d168808cb5d81bffe70618" }, "downloads": -1, "filename": "torch-1.1.0-cp27-cp27mu-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "ad158dc082c68bb732ffba57dd11a4cb", "packagetype": "bdist_wheel", "python_version": "cp27", "requires_python": null, "size": 676895285, "upload_time": "2019-04-30T23:22:29", "upload_time_iso_8601": "2019-04-30T23:22:29.222353Z", "url": "https://files.pythonhosted.org/packages/0f/ff/92aea60792d3b45c44ded21d6248690f69a6153af9685aad1424507ffe84/torch-1.1.0-cp27-cp27mu-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "6a64abcea996844d7c716e14edcf1827", "sha256": "b1abcbb86c08912dd791895d3beccbef9404de7a0b9966ae7f8c9d2a04668e49" }, "downloads": -1, "filename": "torch-1.1.0-cp27-none-macosx_10_6_x86_64.whl", "has_sig": false, "md5_digest": "6a64abcea996844d7c716e14edcf1827", "packagetype": "bdist_wheel", "python_version": "cp27", "requires_python": null, "size": 88886070, "upload_time": "2019-04-30T23:28:07", "upload_time_iso_8601": "2019-04-30T23:28:07.383432Z", "url": "https://files.pythonhosted.org/packages/a9/a4/57738e8d39b7b6ae96cb40ee14453dd8bf97259c2f3c8232413aae32e736/torch-1.1.0-cp27-none-macosx_10_6_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "fdc9020b310a6d051d591e48a1cf64ce", "sha256": "d7d48a3472688debf86ba9ba61b570d6ed0529413dacaa8408b84db878079395" }, "downloads": -1, "filename": "torch-1.1.0-cp35-cp35m-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "fdc9020b310a6d051d591e48a1cf64ce", "packagetype": "bdist_wheel", "python_version": "cp35", "requires_python": null, "size": 676870364, "upload_time": "2019-04-30T23:23:41", "upload_time_iso_8601": "2019-04-30T23:23:41.130779Z", "url": "https://files.pythonhosted.org/packages/56/9b/a241f6e3d1df013e65e0b03b17e46bd9517036cd9ba9d8cb9384df396e3b/torch-1.1.0-cp35-cp35m-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "91ba700ac14bdf06f25eccae58d654e2", "sha256": "cb1a87d732b084bf1d931b8d1e34c357b10b2f9f7bbdf1a41fe951d16007ed75" }, "downloads": -1, "filename": "torch-1.1.0-cp35-none-macosx_10_6_x86_64.whl", "has_sig": false, "md5_digest": "91ba700ac14bdf06f25eccae58d654e2", "packagetype": "bdist_wheel", "python_version": "cp35", "requires_python": null, "size": 88874530, "upload_time": "2019-04-30T23:28:20", "upload_time_iso_8601": "2019-04-30T23:28:20.032945Z", "url": "https://files.pythonhosted.org/packages/1b/00/c6f64d2441c6077321560835de93e34a4b2d5937e8f9ae7568959ec11da8/torch-1.1.0-cp35-none-macosx_10_6_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "a9db75ade1c4bef219b62e4484a1fd11", "sha256": "40c644abef1767dcac58f3285021ea963123b392e5628d402e985123ea8701ca" }, "downloads": -1, "filename": "torch-1.1.0-cp36-cp36m-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "a9db75ade1c4bef219b62e4484a1fd11", "packagetype": "bdist_wheel", "python_version": "cp36", "requires_python": null, "size": 676866010, "upload_time": "2019-04-30T23:25:02", "upload_time_iso_8601": "2019-04-30T23:25:02.899273Z", "url": "https://files.pythonhosted.org/packages/69/60/f685fb2cfb3088736bafbc9bdbb455327bdc8906b606da9c9a81bae1c81e/torch-1.1.0-cp36-cp36m-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "b6fc1683ab7298c1189464b1fec975f2", "sha256": "ac6d634468849876b1ae3ae8e35a6c4755be9eddac2708922782730ec0415cd0" }, "downloads": -1, "filename": "torch-1.1.0-cp36-none-macosx_10_7_x86_64.whl", "has_sig": false, "md5_digest": "b6fc1683ab7298c1189464b1fec975f2", "packagetype": "bdist_wheel", "python_version": "cp36", "requires_python": null, "size": 88879805, "upload_time": "2019-04-30T23:28:32", "upload_time_iso_8601": "2019-04-30T23:28:32.310777Z", "url": "https://files.pythonhosted.org/packages/d9/02/2d0bbb9ddfcf85771d9eb7ac8fd3c9e00980205e5d1df72e09767791cc92/torch-1.1.0-cp36-none-macosx_10_7_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "173ddfe8e5b9d3fe64289f9ca01bca43", "sha256": "337161e62354f40766be367a338766b409c59b64214436851ac81d6ef2e4f3ab" }, "downloads": -1, "filename": "torch-1.1.0-cp37-cp37m-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "173ddfe8e5b9d3fe64289f9ca01bca43", "packagetype": "bdist_wheel", "python_version": "cp37", "requires_python": null, "size": 676875679, "upload_time": "2019-04-30T23:26:31", "upload_time_iso_8601": "2019-04-30T23:26:31.462864Z", "url": "https://files.pythonhosted.org/packages/ac/23/a4b5c189dd624411ec84613b717594a00480282b949e3448d189c4aa4e47/torch-1.1.0-cp37-cp37m-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "0ad2c7f7e9eb7c293a6a08a6bf65b983", "sha256": "2e852457ff6830868d7acd1fcb0b3ea3b0447947d5f57460cbe2eb4e05796d85" }, "downloads": -1, "filename": "torch-1.1.0-cp37-none-macosx_10_7_x86_64.whl", "has_sig": false, "md5_digest": "0ad2c7f7e9eb7c293a6a08a6bf65b983", "packagetype": "bdist_wheel", "python_version": "cp37", "requires_python": null, "size": 88885222, "upload_time": "2019-04-30T23:28:44", "upload_time_iso_8601": "2019-04-30T23:28:44.594787Z", "url": "https://files.pythonhosted.org/packages/c9/e2/40f7f017437139e5dc076ea5ad4207da61250cc078bceef7d6f333c1d05c/torch-1.1.0-cp37-none-macosx_10_7_x86_64.whl", "yanked": false, "yanked_reason": null } ], "1.1.0.post2": [ { "comment_text": "", "digests": { "md5": "9d0240a4dafce0f00804d3437d228a35", "sha256": "ee2c48794c767606f4629ee3d1f147e2fcb1a02a31b6bca252cc7c7e3ad22c4a" }, "downloads": -1, "filename": "torch-1.1.0.post2-cp27-none-macosx_10_6_x86_64.whl", "has_sig": false, "md5_digest": "9d0240a4dafce0f00804d3437d228a35", "packagetype": "bdist_wheel", "python_version": "cp27", "requires_python": null, "size": 88069010, "upload_time": "2019-06-21T21:47:40", "upload_time_iso_8601": "2019-06-21T21:47:40.697887Z", "url": "https://files.pythonhosted.org/packages/f2/12/31142f451f63d0d4f87167a22565ca60861fe53313933816ce86710bffe6/torch-1.1.0.post2-cp27-none-macosx_10_6_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "ddbff3a65a98194ef846959edfca42cb", "sha256": "9f4182043f8ac72d6fd52c5189f1600c94e827b698748c355097077874e8c810" }, "downloads": -1, "filename": "torch-1.1.0.post2-cp35-none-macosx_10_6_x86_64.whl", "has_sig": false, "md5_digest": "ddbff3a65a98194ef846959edfca42cb", "packagetype": "bdist_wheel", "python_version": "cp35", "requires_python": null, "size": 88058461, "upload_time": "2019-06-21T21:47:57", "upload_time_iso_8601": "2019-06-21T21:47:57.663296Z", "url": "https://files.pythonhosted.org/packages/80/f6/4908d4e62e4ff5d68727bc687a550acfaae7821a0e945930762e210a3b54/torch-1.1.0.post2-cp35-none-macosx_10_6_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "4b7c556e5bef43f09da456e3be65dd62", "sha256": "87d4778e848e4c83505a0d10135d514871ea0ae2da75e0710be272ea5048f9e3" }, "downloads": -1, "filename": "torch-1.1.0.post2-cp36-none-macosx_10_7_x86_64.whl", "has_sig": false, "md5_digest": "4b7c556e5bef43f09da456e3be65dd62", "packagetype": "bdist_wheel", "python_version": "cp36", "requires_python": null, "size": 88064659, "upload_time": "2019-06-21T21:48:12", "upload_time_iso_8601": "2019-06-21T21:48:12.871818Z", "url": "https://files.pythonhosted.org/packages/98/14/8fb914c6f13e9d889f4e14f6d811901fc48fde6be7f052756d08e861f960/torch-1.1.0.post2-cp36-none-macosx_10_7_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "96e4bc9b8ae83b72f6ff5c79486ff5e7", "sha256": "3f3023345c6db4db28a79f52ada186fc6307ba8a0c85252eb0a70b78eff3a443" }, "downloads": -1, "filename": "torch-1.1.0.post2-cp37-none-macosx_10_7_x86_64.whl", "has_sig": false, "md5_digest": "96e4bc9b8ae83b72f6ff5c79486ff5e7", "packagetype": "bdist_wheel", "python_version": "cp37", "requires_python": null, "size": 88068582, "upload_time": "2019-06-21T21:48:27", "upload_time_iso_8601": "2019-06-21T21:48:27.960201Z", "url": "https://files.pythonhosted.org/packages/95/80/0851d6088bb054be3ddf47bfde1aedb4e1cbd170cf8e1c60cad321b97162/torch-1.1.0.post2-cp37-none-macosx_10_7_x86_64.whl", "yanked": false, "yanked_reason": null } ], "1.10.0": [ { "comment_text": "", "digests": { "md5": "52d2cd9b0f35e82f74b241495db4b2aa", "sha256": "56022b0ce94c54e95a2f63fc5a1494feb1fc3d5c7a9b35a62944651d03edef05" }, "downloads": -1, "filename": "torch-1.10.0-cp36-cp36m-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "52d2cd9b0f35e82f74b241495db4b2aa", "packagetype": "bdist_wheel", "python_version": "cp36", "requires_python": ">=3.6.2", "size": 881889735, "upload_time": "2021-10-21T14:45:53", "upload_time_iso_8601": "2021-10-21T14:45:53.897101Z", "url": "https://files.pythonhosted.org/packages/cc/17/54db9dee74594a65fdd7286b1bddd13627f7554fce726e5324778a50bd93/torch-1.10.0-cp36-cp36m-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "fcb13b9c73ac973fbba933ead9d52bf3", "sha256": "13e1ffab502aa32d6841a018771b47028d02dbbc685c5b79cfd61db5464dae4e" }, "downloads": -1, "filename": "torch-1.10.0-cp36-cp36m-manylinux2014_aarch64.whl", "has_sig": false, "md5_digest": "fcb13b9c73ac973fbba933ead9d52bf3", "packagetype": "bdist_wheel", "python_version": "cp36", "requires_python": ">=3.6.2", "size": 50963401, "upload_time": "2021-10-21T16:59:35", "upload_time_iso_8601": "2021-10-21T16:59:35.948389Z", "url": "https://files.pythonhosted.org/packages/47/80/40b67ef0e409c3896cdb701e3fb3b9dfc4a371be51f6f8c241817324ed6a/torch-1.10.0-cp36-cp36m-manylinux2014_aarch64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "f8d8ec84a499259766631c64b276de73", "sha256": "3c0a942e0df104c80b0eedc30d2a19cdc3d28601bc6e280bf24b2e6255016d3b" }, "downloads": -1, "filename": "torch-1.10.0-cp36-cp36m-win_amd64.whl", "has_sig": false, "md5_digest": "f8d8ec84a499259766631c64b276de73", "packagetype": "bdist_wheel", "python_version": "cp36", "requires_python": ">=3.6.2", "size": 226580511, "upload_time": "2021-10-21T14:58:30", "upload_time_iso_8601": "2021-10-21T14:58:30.036361Z", "url": "https://files.pythonhosted.org/packages/ab/29/05055eb7157609c17aacf59776a22224126bcb15650c81b47dc830727440/torch-1.10.0-cp36-cp36m-win_amd64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "20ae50cccc3f5010782cb3617a814193", "sha256": "eea16c01af1980ba709c00e8d5e6c09bedb5b30f9fa2085f6a52a78d7dc4e125" }, "downloads": -1, "filename": "torch-1.10.0-cp36-none-macosx_10_9_x86_64.whl", "has_sig": false, "md5_digest": "20ae50cccc3f5010782cb3617a814193", "packagetype": "bdist_wheel", "python_version": "cp36", "requires_python": ">=3.6.2", "size": 147075856, "upload_time": "2021-10-21T15:03:20", "upload_time_iso_8601": "2021-10-21T15:03:20.624883Z", "url": "https://files.pythonhosted.org/packages/62/51/8fd9477c4fc827c4a0e428615374352fcc2aa2fb961712c1e4882aa138d8/torch-1.10.0-cp36-none-macosx_10_9_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "49e8226b25b25f334bb2a25e87d60788", "sha256": "b812e8d40d7037748da40bb695bd849e7b2e7faad4cd06df53d2cc4531926fda" }, "downloads": -1, "filename": "torch-1.10.0-cp37-cp37m-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "49e8226b25b25f334bb2a25e87d60788", "packagetype": "bdist_wheel", "python_version": "cp37", "requires_python": ">=3.6.2", "size": 881898650, "upload_time": "2021-10-21T14:49:32", "upload_time_iso_8601": "2021-10-21T14:49:32.432885Z", "url": "https://files.pythonhosted.org/packages/c4/0f/e209948db1f0c2fae6e617f928d83952795bc5298979db2e880cd2d688a1/torch-1.10.0-cp37-cp37m-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "19984f29c305d78de2979d5a973b71e3", "sha256": "034df0b20603bfc81325094586647302891b9b20be7e36f152c7dd6af00deac1" }, "downloads": -1, "filename": "torch-1.10.0-cp37-cp37m-manylinux2014_aarch64.whl", "has_sig": false, "md5_digest": "19984f29c305d78de2979d5a973b71e3", "packagetype": "bdist_wheel", "python_version": "cp37", "requires_python": ">=3.6.2", "size": 50965374, "upload_time": "2021-10-21T16:59:47", "upload_time_iso_8601": "2021-10-21T16:59:47.689534Z", "url": "https://files.pythonhosted.org/packages/b9/68/9ace20c0f2252a8650e31373b5729ec14ee3396a6930e3b6fb4f2f1bf4f5/torch-1.10.0-cp37-cp37m-manylinux2014_aarch64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "23a89919165db992dfd8624ad98a380a", "sha256": "67fc509e207b8e7330f2e76e77800950317d31d035a4d19593db991962afead4" }, "downloads": -1, "filename": "torch-1.10.0-cp37-cp37m-win_amd64.whl", "has_sig": false, "md5_digest": "23a89919165db992dfd8624ad98a380a", "packagetype": "bdist_wheel", "python_version": "cp37", "requires_python": ">=3.6.2", "size": 226585999, "upload_time": "2021-10-21T14:59:54", "upload_time_iso_8601": "2021-10-21T14:59:54.915223Z", "url": "https://files.pythonhosted.org/packages/be/bb/4400d40ae03eaf97ce949ea5dc0b8ca277e1940c80285b9ad97f5ebda346/torch-1.10.0-cp37-cp37m-win_amd64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "acca18c281b6512695e790513a07af29", "sha256": "4499055547087d7ef7e8a754f09c2c4f1470297ae3e5490363dba66c75501b21" }, "downloads": -1, "filename": "torch-1.10.0-cp37-none-macosx_10_9_x86_64.whl", "has_sig": false, "md5_digest": "acca18c281b6512695e790513a07af29", "packagetype": "bdist_wheel", "python_version": "cp37", "requires_python": ">=3.6.2", "size": 147079119, "upload_time": "2021-10-21T15:03:48", "upload_time_iso_8601": "2021-10-21T15:03:48.748890Z", "url": "https://files.pythonhosted.org/packages/86/96/73c12ac2ce9dd2baa6a6980dd2a4848c530ca776f6a90a20404b7ca0b3d5/torch-1.10.0-cp37-none-macosx_10_9_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "e9600dbecff93237a1a5e48eec74e725", "sha256": "ab0cf330714c8f79a837c04784a7a5658b014cf5a4ca527e7b710155ae519cdf" }, "downloads": -1, "filename": "torch-1.10.0-cp38-cp38-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "e9600dbecff93237a1a5e48eec74e725", "packagetype": "bdist_wheel", "python_version": "cp38", "requires_python": ">=3.6.2", "size": 881901425, "upload_time": "2021-10-21T14:53:06", "upload_time_iso_8601": "2021-10-21T14:53:06.676977Z", "url": "https://files.pythonhosted.org/packages/2e/4a/a9d5f56ad834c1273e335875d9c1240afe93dae984a727693b0b2ded3d59/torch-1.10.0-cp38-cp38-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "68fd8ba97d60a3075dccbcd2d32a4eeb", "sha256": "e01ba5946267014abfdb30248bcdbd457aaa20cff749febe7fc191e5ae096af4" }, "downloads": -1, "filename": "torch-1.10.0-cp38-cp38-manylinux2014_aarch64.whl", "has_sig": false, "md5_digest": "68fd8ba97d60a3075dccbcd2d32a4eeb", "packagetype": "bdist_wheel", "python_version": "cp38", "requires_python": ">=3.6.2", "size": 50830984, "upload_time": "2021-10-21T16:59:58", "upload_time_iso_8601": "2021-10-21T16:59:58.216888Z", "url": "https://files.pythonhosted.org/packages/c3/bf/922aaf8be825874bc5b2455212fe2aeaa37bff08ddbc4cf7e500252c1ac8/torch-1.10.0-cp38-cp38-manylinux2014_aarch64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "1d72073094e6f624befcc227322e6c95", "sha256": "9013002adcb42bac05dcdbf0a03dd9f6bb5d7ab8b9817041c1176a014870786b" }, "downloads": -1, "filename": "torch-1.10.0-cp38-cp38-win_amd64.whl", "has_sig": false, "md5_digest": "1d72073094e6f624befcc227322e6c95", "packagetype": "bdist_wheel", "python_version": "cp38", "requires_python": ">=3.6.2", "size": 226604336, "upload_time": "2021-10-21T15:01:04", "upload_time_iso_8601": "2021-10-21T15:01:04.732898Z", "url": "https://files.pythonhosted.org/packages/b1/c0/54bb06dc4f3998a3b5e017a6356a7764fd91bba56cf744705ccb565239f0/torch-1.10.0-cp38-cp38-win_amd64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "17d9205b19076ce18aa74655665744ac", "sha256": "aef7afb62e9b174b4e0e5e1e4a42e3bab3b8490a668d666f62f7d4517559fbf2" }, "downloads": -1, "filename": "torch-1.10.0-cp38-none-macosx_10_9_x86_64.whl", "has_sig": false, "md5_digest": "17d9205b19076ce18aa74655665744ac", "packagetype": "bdist_wheel", "python_version": "cp38", "requires_python": ">=3.6.2", "size": 147139530, "upload_time": "2021-10-21T15:04:13", "upload_time_iso_8601": "2021-10-21T15:04:13.884897Z", "url": "https://files.pythonhosted.org/packages/16/c7/a12f2a3bc86f3c2ddb6808f575f0c43ea9dcfdfc69f3664454ac3a4cdd1c/torch-1.10.0-cp38-none-macosx_10_9_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "cda0be51b88685ba7ed65f4f88a42184", "sha256": "d6185827b285780653cdd81d77a09fdca76a5b190d5986d552be2a5c442cfaa4" }, "downloads": -1, "filename": "torch-1.10.0-cp38-none-macosx_11_0_arm64.whl", "has_sig": false, "md5_digest": "cda0be51b88685ba7ed65f4f88a42184", "packagetype": "bdist_wheel", "python_version": "cp38", "requires_python": ">=3.6.2", "size": 44601789, "upload_time": "2021-10-26T17:54:54", "upload_time_iso_8601": "2021-10-26T17:54:54.114193Z", "url": "https://files.pythonhosted.org/packages/d8/95/21dfbeae46a9787f9863ca59f3b022b6059cafa2a0a05b28be1bc8e99bab/torch-1.10.0-cp38-none-macosx_11_0_arm64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "25c5eebeddca5c0967d10a87071fa5d3", "sha256": "d82e68302c9b5c76ed585e04d61be0ca2184f70cb8ffeba8610570609ad5d7c9" }, "downloads": -1, "filename": "torch-1.10.0-cp39-cp39-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "25c5eebeddca5c0967d10a87071fa5d3", "packagetype": "bdist_wheel", "python_version": "cp39", "requires_python": ">=3.6.2", "size": 881910301, "upload_time": "2021-10-21T14:56:50", "upload_time_iso_8601": "2021-10-21T14:56:50.388883Z", "url": "https://files.pythonhosted.org/packages/eb/59/ada45144bea5fb8b6abaff2195237721beae20a0f129722f493d91403469/torch-1.10.0-cp39-cp39-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "74ecf7da3b39776f70dd5197069aea75", "sha256": "e5822200bf80a1495ad98a2bb41803eeba4a85ce373e35fc65765f7f888f5374" }, "downloads": -1, "filename": "torch-1.10.0-cp39-cp39-manylinux2014_aarch64.whl", "has_sig": false, "md5_digest": "74ecf7da3b39776f70dd5197069aea75", "packagetype": "bdist_wheel", "python_version": "cp39", "requires_python": ">=3.6.2", "size": 50825598, "upload_time": "2021-10-21T17:00:09", "upload_time_iso_8601": "2021-10-21T17:00:09.090982Z", "url": "https://files.pythonhosted.org/packages/03/f6/67e0ef29a03fd1cf585bdec03eb3aaf9f00498474f5c7b59f83d9779a7f1/torch-1.10.0-cp39-cp39-manylinux2014_aarch64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "44bbb5dcc30e296a32776445de2b7451", "sha256": "ca2c88fa4376e2648785029ab108e6e7abd784eb6535fc6036004b9254f9f7c1" }, "downloads": -1, "filename": "torch-1.10.0-cp39-cp39-win_amd64.whl", "has_sig": false, "md5_digest": "44bbb5dcc30e296a32776445de2b7451", "packagetype": "bdist_wheel", "python_version": "cp39", "requires_python": ">=3.6.2", "size": 226523714, "upload_time": "2021-10-21T15:02:42", "upload_time_iso_8601": "2021-10-21T15:02:42.065042Z", "url": "https://files.pythonhosted.org/packages/4e/15/05a18c780f152c28ce7e0f3d9673ef17fb63bd1eae97ffb408bf762a6087/torch-1.10.0-cp39-cp39-win_amd64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "f4fe64c2760508e1a6b542c98c4fc112", "sha256": "d6ef87470b44df9970e84542547d5ba7720bb89616602441df555a39b124e2bc" }, "downloads": -1, "filename": "torch-1.10.0-cp39-none-macosx_10_9_x86_64.whl", "has_sig": false, "md5_digest": "f4fe64c2760508e1a6b542c98c4fc112", "packagetype": "bdist_wheel", "python_version": "cp39", "requires_python": ">=3.6.2", "size": 147140795, "upload_time": "2021-10-21T15:04:40", "upload_time_iso_8601": "2021-10-21T15:04:40.165745Z", "url": "https://files.pythonhosted.org/packages/ab/75/b0e2cb5be9d2ddb85eb09efc9a8808674fe7a2357dd0673362473f1939b0/torch-1.10.0-cp39-none-macosx_10_9_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "b36c8858437157592a76a6167f8533de", "sha256": "eea675ec01ec4b4a0655fd2984f166a5ca3b933dae6ad4eb4e52eba7026dc176" }, "downloads": -1, "filename": "torch-1.10.0-cp39-none-macosx_11_0_arm64.whl", "has_sig": false, "md5_digest": "b36c8858437157592a76a6167f8533de", "packagetype": "bdist_wheel", "python_version": "cp39", "requires_python": ">=3.6.2", "size": 44602871, "upload_time": "2021-10-26T17:55:05", "upload_time_iso_8601": "2021-10-26T17:55:05.160979Z", "url": "https://files.pythonhosted.org/packages/b2/ba/d5b6238a236cf2f9201da950cfb435a3c25ab44f829ff0020814903aab25/torch-1.10.0-cp39-none-macosx_11_0_arm64.whl", "yanked": false, "yanked_reason": null } ], "1.10.1": [ { "comment_text": "", "digests": { "md5": "58bceef270a50e118408240eff79df96", "sha256": "adbb5f292e260e39715d67478823e03e3001db1af5b02c18caa34549dccb421e" }, "downloads": -1, "filename": "torch-1.10.1-cp36-cp36m-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "58bceef270a50e118408240eff79df96", "packagetype": "bdist_wheel", "python_version": "cp36", "requires_python": ">=3.6.2", "size": 881905481, "upload_time": "2021-12-15T21:58:45", "upload_time_iso_8601": "2021-12-15T21:58:45.389775Z", "url": "https://files.pythonhosted.org/packages/9a/f5/b76d021f06e50f770d3f6c1a1b50b62a69e587b1f0db7248269c4be21206/torch-1.10.1-cp36-cp36m-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "2115acbb0f9c9b4bdc5429ef386730cb", "sha256": "ac8cae04458cc47555fa07a760496c2fdf687223bcc13df5fed56ea3aead37f5" }, "downloads": -1, "filename": "torch-1.10.1-cp36-cp36m-manylinux2014_aarch64.whl", "has_sig": false, "md5_digest": "2115acbb0f9c9b4bdc5429ef386730cb", "packagetype": "bdist_wheel", "python_version": "cp36", "requires_python": ">=3.6.2", "size": 50961774, "upload_time": "2021-12-15T22:16:11", "upload_time_iso_8601": "2021-12-15T22:16:11.859923Z", "url": "https://files.pythonhosted.org/packages/40/5f/bedde012fc05b03000edb4a3b378c60e549393ef0407e8863fbfd8f61fe0/torch-1.10.1-cp36-cp36m-manylinux2014_aarch64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "5320a4edd082731e06295d3c6f13f417", "sha256": "40508d67288c46ff1fad301fa6e996e0e936a733f2401475fc92c21dc3ef702d" }, "downloads": -1, "filename": "torch-1.10.1-cp36-cp36m-win_amd64.whl", "has_sig": false, "md5_digest": "5320a4edd082731e06295d3c6f13f417", "packagetype": "bdist_wheel", "python_version": "cp36", "requires_python": ">=3.6.2", "size": 226591682, "upload_time": "2021-12-15T22:17:54", "upload_time_iso_8601": "2021-12-15T22:17:54.289374Z", "url": "https://files.pythonhosted.org/packages/80/1f/9233be4a0ec573f95d4b3310d4733c2d8a938c5aef96d298e4116d761ebd/torch-1.10.1-cp36-cp36m-win_amd64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "9535cf175d007fc3c55dba82682ffc1e", "sha256": "8b47bd113c6cbd9a49669aaaa233ad5f25852d6ca3e640f9c71c808e65a1fdf4" }, "downloads": -1, "filename": "torch-1.10.1-cp36-none-macosx_10_9_x86_64.whl", "has_sig": false, "md5_digest": "9535cf175d007fc3c55dba82682ffc1e", "packagetype": "bdist_wheel", "python_version": "cp36", "requires_python": ">=3.6.2", "size": 147076268, "upload_time": "2021-12-15T22:21:59", "upload_time_iso_8601": "2021-12-15T22:21:59.879683Z", "url": "https://files.pythonhosted.org/packages/d9/08/9b8fe796e9e95c716b25bf02e54a13208d055de39fec092e4c9f7973cbcf/torch-1.10.1-cp36-none-macosx_10_9_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "a1bfc83b297aad77eb1437c47357f479", "sha256": "50360868ad3f039cf99f0250300dbec51bf686a7b84dc6bbdb8dff4b1171c0f0" }, "downloads": -1, "filename": "torch-1.10.1-cp37-cp37m-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "a1bfc83b297aad77eb1437c47357f479", "packagetype": "bdist_wheel", "python_version": "cp37", "requires_python": ">=3.6.2", "size": 881907340, "upload_time": "2021-12-15T22:02:17", "upload_time_iso_8601": "2021-12-15T22:02:17.103558Z", "url": "https://files.pythonhosted.org/packages/20/8a/c1e970cf64a1fa105bc5064b353ecabe77974b69029a80d04580fee38d5f/torch-1.10.1-cp37-cp37m-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "1a1d3ff0709f6a0bb8f33ac5d827c532", "sha256": "e3d2154722189ed74747a494dce9588978dd55e43ca24c5bd307fb52620b232b" }, "downloads": -1, "filename": "torch-1.10.1-cp37-cp37m-manylinux2014_aarch64.whl", "has_sig": false, "md5_digest": "1a1d3ff0709f6a0bb8f33ac5d827c532", "packagetype": "bdist_wheel", "python_version": "cp37", "requires_python": ">=3.6.2", "size": 50963748, "upload_time": "2021-12-15T22:16:22", "upload_time_iso_8601": "2021-12-15T22:16:22.324767Z", "url": "https://files.pythonhosted.org/packages/96/28/4edf5126366c8a68cd80e73eab6703fcf32983e09add854408aece8bd204/torch-1.10.1-cp37-cp37m-manylinux2014_aarch64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "1b3e201a6c36e632515d5ca38c4cb6e3", "sha256": "d9c495bcd5f00becff5b051b5e4be86b7eaa0433cd0fe57f77c02bc1b93ab5b1" }, "downloads": -1, "filename": "torch-1.10.1-cp37-cp37m-win_amd64.whl", "has_sig": false, "md5_digest": "1b3e201a6c36e632515d5ca38c4cb6e3", "packagetype": "bdist_wheel", "python_version": "cp37", "requires_python": ">=3.6.2", "size": 226592562, "upload_time": "2021-12-15T22:19:00", "upload_time_iso_8601": "2021-12-15T22:19:00.475016Z", "url": "https://files.pythonhosted.org/packages/c0/f2/b12037765c40da46d7a48914dda220187a69d3a6a1ff102330c2e647f9a6/torch-1.10.1-cp37-cp37m-win_amd64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "4b46b3ea4dc3e9990858f15c0ec612e5", "sha256": "6b327d7b4eb2461b16d46763d46df71e597235ccc428650538a2735a0898270d" }, "downloads": -1, "filename": "torch-1.10.1-cp37-none-macosx_10_9_x86_64.whl", "has_sig": false, "md5_digest": "4b46b3ea4dc3e9990858f15c0ec612e5", "packagetype": "bdist_wheel", "python_version": "cp37", "requires_python": ">=3.6.2", "size": 147079504, "upload_time": "2021-12-15T22:22:29", "upload_time_iso_8601": "2021-12-15T22:22:29.774464Z", "url": "https://files.pythonhosted.org/packages/73/e0/fde158edd6a6f60a72b4830213c2c1a414554a75faed41ad5b3dfab5aea2/torch-1.10.1-cp37-none-macosx_10_9_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "3b562dc52446f1008182915f9b5eb498", "sha256": "1c6c56178e5dacf7602ad00dc79c263d6c41c0f76261e9641e6bd2679678ceb3" }, "downloads": -1, "filename": "torch-1.10.1-cp38-cp38-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "3b562dc52446f1008182915f9b5eb498", "packagetype": "bdist_wheel", "python_version": "cp38", "requires_python": ">=3.6.2", "size": 881913771, "upload_time": "2021-12-15T22:09:39", "upload_time_iso_8601": "2021-12-15T22:09:39.692810Z", "url": "https://files.pythonhosted.org/packages/98/63/b2e68b08a43ee4acdb109ff7701c26a5a323d258cd20ca70bb8a69a6fd97/torch-1.10.1-cp38-cp38-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "8e0e0fb5261e4d39ede9d9a50bc9d11b", "sha256": "2ffa2db4ccb6466c59e3f95b7a582d47ae721e476468f4ffbcaa2832e0b92b9b" }, "downloads": -1, "filename": "torch-1.10.1-cp38-cp38-manylinux2014_aarch64.whl", "has_sig": false, "md5_digest": "8e0e0fb5261e4d39ede9d9a50bc9d11b", "packagetype": "bdist_wheel", "python_version": "cp38", "requires_python": ">=3.6.2", "size": 50829359, "upload_time": "2021-12-15T22:16:36", "upload_time_iso_8601": "2021-12-15T22:16:36.327180Z", "url": "https://files.pythonhosted.org/packages/5c/61/7cbf0d475f5a620ab76fa07fa79847f76c579b0704c44a6c6e5350ed9963/torch-1.10.1-cp38-cp38-manylinux2014_aarch64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "55511cc59c06bca6c5f48383b9a417f8", "sha256": "af577602e884c5e40fbd29ec978f052202355da93cd31e0a23251bd7aaff5a99" }, "downloads": -1, "filename": "torch-1.10.1-cp38-cp38-win_amd64.whl", "has_sig": false, "md5_digest": "55511cc59c06bca6c5f48383b9a417f8", "packagetype": "bdist_wheel", "python_version": "cp38", "requires_python": ">=3.6.2", "size": 226613580, "upload_time": "2021-12-15T22:20:21", "upload_time_iso_8601": "2021-12-15T22:20:21.795998Z", "url": "https://files.pythonhosted.org/packages/50/38/bff472469fe8f2bc9a039244f05529a45f2fa963900dd862cb805e999d42/torch-1.10.1-cp38-cp38-win_amd64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "4327d50534751a475f1a0ff7f35cc5f7", "sha256": "725d86e9809073eef868a3ddf4189878ee7af46fac71403834dd0925b3db9b82" }, "downloads": -1, "filename": "torch-1.10.1-cp38-none-macosx_10_9_x86_64.whl", "has_sig": false, "md5_digest": "4327d50534751a475f1a0ff7f35cc5f7", "packagetype": "bdist_wheel", "python_version": "cp38", "requires_python": ">=3.6.2", "size": 147139943, "upload_time": "2021-12-15T22:22:59", "upload_time_iso_8601": "2021-12-15T22:22:59.299376Z", "url": "https://files.pythonhosted.org/packages/0b/4e/f43ed43fcf500e88efc865a17529f8e5edd96419806416eb5dbafcb47c2f/torch-1.10.1-cp38-none-macosx_10_9_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "e857ce5fc96f51654c1f4bdab4e16d29", "sha256": "fa197cfe047d0515bef238f42472721406609ebaceff2fd4e17f2ad4692ee51c" }, "downloads": -1, "filename": "torch-1.10.1-cp38-none-macosx_11_0_arm64.whl", "has_sig": false, "md5_digest": "e857ce5fc96f51654c1f4bdab4e16d29", "packagetype": "bdist_wheel", "python_version": "cp38", "requires_python": ">=3.6.2", "size": 44602193, "upload_time": "2021-12-15T22:24:07", "upload_time_iso_8601": "2021-12-15T22:24:07.301168Z", "url": "https://files.pythonhosted.org/packages/d2/4b/7121839260649cc5ff07a88a99740e60350f88f7fec0c290f0bfce3a343c/torch-1.10.1-cp38-none-macosx_11_0_arm64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "078af75d6e81a20a76e5fd5f1d93ca64", "sha256": "cca660b27a90dbbc0af06c859260f6b875aef37c0897bd353e5deed085d2c877" }, "downloads": -1, "filename": "torch-1.10.1-cp39-cp39-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "078af75d6e81a20a76e5fd5f1d93ca64", "packagetype": "bdist_wheel", "python_version": "cp39", "requires_python": ">=3.6.2", "size": 881924576, "upload_time": "2021-12-15T22:13:57", "upload_time_iso_8601": "2021-12-15T22:13:57.403146Z", "url": "https://files.pythonhosted.org/packages/2c/c8/dcef19018d2fe730ecacf47650d3d6e8d6fe545f02fbdbde0174e0279f02/torch-1.10.1-cp39-cp39-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "acce644e7dcd9bce5b2858de4a5c4bfe", "sha256": "01f4ffdafbfbd7d106fb4e487feee2cf29cced9903df8cb0444b0e308f9c5e92" }, "downloads": -1, "filename": "torch-1.10.1-cp39-cp39-manylinux2014_aarch64.whl", "has_sig": false, "md5_digest": "acce644e7dcd9bce5b2858de4a5c4bfe", "packagetype": "bdist_wheel", "python_version": "cp39", "requires_python": ">=3.6.2", "size": 50823973, "upload_time": "2021-12-15T22:16:46", "upload_time_iso_8601": "2021-12-15T22:16:46.976195Z", "url": "https://files.pythonhosted.org/packages/41/a5/f2efa1765492a46282cb7d02afe0bff476939882c4ce585c2fe0daca9c33/torch-1.10.1-cp39-cp39-manylinux2014_aarch64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "7c10b5be6fb19d47c222525a67a711eb", "sha256": "607eccb7d539a11877cd02d95f4b164b7941fcf538ac7ff087bfed19e3644283" }, "downloads": -1, "filename": "torch-1.10.1-cp39-cp39-win_amd64.whl", "has_sig": false, "md5_digest": "7c10b5be6fb19d47c222525a67a711eb", "packagetype": "bdist_wheel", "python_version": "cp39", "requires_python": ">=3.6.2", "size": 226522031, "upload_time": "2021-12-15T22:21:36", "upload_time_iso_8601": "2021-12-15T22:21:36.099165Z", "url": "https://files.pythonhosted.org/packages/37/76/3cef008554c9cb30fbe8667ee2a0ed80e0b8e9485c3b115b4a6bc7a7d17a/torch-1.10.1-cp39-cp39-win_amd64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "a4eb66729f914d12637a28ae7f4fa69d", "sha256": "26b6dfbe21e247e67c615bfab0017ec391ed1517f88bbeea6228a49edd24cd88" }, "downloads": -1, "filename": "torch-1.10.1-cp39-none-macosx_10_9_x86_64.whl", "has_sig": false, "md5_digest": "a4eb66729f914d12637a28ae7f4fa69d", "packagetype": "bdist_wheel", "python_version": "cp39", "requires_python": ">=3.6.2", "size": 147141186, "upload_time": "2021-12-15T22:23:54", "upload_time_iso_8601": "2021-12-15T22:23:54.342759Z", "url": "https://files.pythonhosted.org/packages/0f/fe/15c5eb63e5b0d92343469123ecc26579a4bb30df0a2813fe68aca4d36880/torch-1.10.1-cp39-none-macosx_10_9_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "63f58ce1272201f2117d974182719cc1", "sha256": "5644280d88c5b6de27eacc0d911f968aad41a4bab297af4df5e571bc0927d3e4" }, "downloads": -1, "filename": "torch-1.10.1-cp39-none-macosx_11_0_arm64.whl", "has_sig": false, "md5_digest": "63f58ce1272201f2117d974182719cc1", "packagetype": "bdist_wheel", "python_version": "cp39", "requires_python": ">=3.6.2", "size": 44603267, "upload_time": "2021-12-15T22:24:16", "upload_time_iso_8601": "2021-12-15T22:24:16.753113Z", "url": "https://files.pythonhosted.org/packages/3a/8a/4d2a0c624b11345dcd066eaef1bdb4c4d5e035d70bac1b564476e3190538/torch-1.10.1-cp39-none-macosx_11_0_arm64.whl", "yanked": false, "yanked_reason": null } ], "1.10.2": [ { "comment_text": "", "digests": { "md5": "9099be909f58dcbc69e859d57d963a57", "sha256": "8f3fd2e3ffc3bb867133fdf7fbcc8a0bb2e62a5c0696396f51856f5abf9045a8" }, "downloads": -1, "filename": "torch-1.10.2-cp310-cp310-manylinux2014_aarch64.whl", "has_sig": false, "md5_digest": "9099be909f58dcbc69e859d57d963a57", "packagetype": "bdist_wheel", "python_version": "cp310", "requires_python": ">=3.6.2", "size": 53406196, "upload_time": "2022-01-27T20:04:52", "upload_time_iso_8601": "2022-01-27T20:04:52.508423Z", "url": "https://files.pythonhosted.org/packages/2f/48/16d106d2ce3644eb09ef0c78e4afdd6cb12942f01fd290fdd50e9e4f3430/torch-1.10.2-cp310-cp310-manylinux2014_aarch64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "610fd4660182664468e30e77d3cd278e", "sha256": "258a0729fb77a3457d5822d84b536057cd119b08049a8d3c41dc3dcdeb48d56e" }, "downloads": -1, "filename": "torch-1.10.2-cp36-cp36m-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "610fd4660182664468e30e77d3cd278e", "packagetype": "bdist_wheel", "python_version": "cp36", "requires_python": ">=3.6.2", "size": 881915545, "upload_time": "2022-01-27T19:29:53", "upload_time_iso_8601": "2022-01-27T19:29:53.024737Z", "url": "https://files.pythonhosted.org/packages/a4/54/81b1c3c574a1ffde54b0c82ed2a37d81395709cdd5f50e59970aeed5d95e/torch-1.10.2-cp36-cp36m-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "8515eddc9a267001e489c80e3f557812", "sha256": "935e5ac804c5093c79f23a7e6ca5b912c166071aa9d8b4a0a3d6a85126d6a47b" }, "downloads": -1, "filename": "torch-1.10.2-cp36-cp36m-manylinux2014_aarch64.whl", "has_sig": false, "md5_digest": "8515eddc9a267001e489c80e3f557812", "packagetype": "bdist_wheel", "python_version": "cp36", "requires_python": ">=3.6.2", "size": 53535617, "upload_time": "2022-01-27T20:05:05", "upload_time_iso_8601": "2022-01-27T20:05:05.229739Z", "url": "https://files.pythonhosted.org/packages/cb/83/002f6ea66fe0d6691e0f67db8dff9405dd2f47d13c92505c483a05f4d759/torch-1.10.2-cp36-cp36m-manylinux2014_aarch64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "4a643d2db72b2228750105486a3a74ab", "sha256": "65fd02ed889c63fd82bf1a440c5a94c1310c29f3e6f9f62add416d34da355d97" }, "downloads": -1, "filename": "torch-1.10.2-cp36-cp36m-win_amd64.whl", "has_sig": false, "md5_digest": "4a643d2db72b2228750105486a3a74ab", "packagetype": "bdist_wheel", "python_version": "cp36", "requires_python": ">=3.6.2", "size": 226603079, "upload_time": "2022-01-27T20:09:00", "upload_time_iso_8601": "2022-01-27T20:09:00.595141Z", "url": "https://files.pythonhosted.org/packages/c4/49/9da10fef2c2ba8ff91eeab70a123ca60d082b1012b3aff7825c9b1115852/torch-1.10.2-cp36-cp36m-win_amd64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "349ad51b75e8f1e5628e53cf84e3897e", "sha256": "6a81f886823bbd15edc2dc0908fa214070df61c9f7ab8831f0a03630275cca5a" }, "downloads": -1, "filename": "torch-1.10.2-cp36-none-macosx_10_9_x86_64.whl", "has_sig": false, "md5_digest": "349ad51b75e8f1e5628e53cf84e3897e", "packagetype": "bdist_wheel", "python_version": "cp36", "requires_python": ">=3.6.2", "size": 147089524, "upload_time": "2022-01-27T20:13:13", "upload_time_iso_8601": "2022-01-27T20:13:13.846361Z", "url": "https://files.pythonhosted.org/packages/36/f1/54ffb7f517e040667d027e8a9ae82ed6782c894e60333c7f884e4e776a41/torch-1.10.2-cp36-none-macosx_10_9_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "e761b5d7027b66a01eeb3cf533bfff08", "sha256": "3eee3cf53c1f8fb3f1fe107a22025a8501fc6440d14e09599ba7153002531f84" }, "downloads": -1, "filename": "torch-1.10.2-cp37-cp37m-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "e761b5d7027b66a01eeb3cf533bfff08", "packagetype": "bdist_wheel", "python_version": "cp37", "requires_python": ">=3.6.2", "size": 881920907, "upload_time": "2022-01-27T19:56:10", "upload_time_iso_8601": "2022-01-27T19:56:10.222780Z", "url": "https://files.pythonhosted.org/packages/01/73/a8dcb6da2193980309bf2d605d0ff56698a7c6977ea954413b163baddf77/torch-1.10.2-cp37-cp37m-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "2719f8d7a3dcb3bc529ca2eed678a6f7", "sha256": "ef99b8cca5f9358119b07956915faf6e7906f433ab4a603c160ae9de88918371" }, "downloads": -1, "filename": "torch-1.10.2-cp37-cp37m-manylinux2014_aarch64.whl", "has_sig": false, "md5_digest": "2719f8d7a3dcb3bc529ca2eed678a6f7", "packagetype": "bdist_wheel", "python_version": "cp37", "requires_python": ">=3.6.2", "size": 53537411, "upload_time": "2022-01-27T20:05:19", "upload_time_iso_8601": "2022-01-27T20:05:19.622852Z", "url": "https://files.pythonhosted.org/packages/58/54/0d8c4fba0af8323aa28d99f040ffacd4772bc0f219d5b31f70433d784eb1/torch-1.10.2-cp37-cp37m-manylinux2014_aarch64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "e90af583339d6558123ac859372e1e23", "sha256": "d43bc3f3a2d89ae185ef96d903c935c335219231e57685658648396984e2a67a" }, "downloads": -1, "filename": "torch-1.10.2-cp37-cp37m-win_amd64.whl", "has_sig": false, "md5_digest": "e90af583339d6558123ac859372e1e23", "packagetype": "bdist_wheel", "python_version": "cp37", "requires_python": ">=3.6.2", "size": 226605308, "upload_time": "2022-01-27T20:10:20", "upload_time_iso_8601": "2022-01-27T20:10:20.342316Z", "url": "https://files.pythonhosted.org/packages/6c/00/5d6b86f8765b2e0d93d644fdcb31dd8140960b24dbf11c97cb3c74518749/torch-1.10.2-cp37-cp37m-win_amd64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "0d2c5f686fc06377639910b23db5f101", "sha256": "6da1b877880435440a5aa9678ef0f01986d4886416844db1d97ebfb7fd1778d0" }, "downloads": -1, "filename": "torch-1.10.2-cp37-none-macosx_10_9_x86_64.whl", "has_sig": false, "md5_digest": "0d2c5f686fc06377639910b23db5f101", "packagetype": "bdist_wheel", "python_version": "cp37", "requires_python": ">=3.6.2", "size": 147092483, "upload_time": "2022-01-27T20:13:37", "upload_time_iso_8601": "2022-01-27T20:13:37.830539Z", "url": "https://files.pythonhosted.org/packages/f2/34/25fc738739fa145dd58aaaeb0f08f222c7a82d93b0900c2b2a9a54b27cef/torch-1.10.2-cp37-none-macosx_10_9_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "3feb49ea12a08100623885b139ed3c69", "sha256": "ab77a9f838874f295ed5410c0686fa22547456e0116efb281c66ef5f9d46fe28" }, "downloads": -1, "filename": "torch-1.10.2-cp38-cp38-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "3feb49ea12a08100623885b139ed3c69", "packagetype": "bdist_wheel", "python_version": "cp38", "requires_python": ">=3.6.2", "size": 881930952, "upload_time": "2022-01-27T20:00:33", "upload_time_iso_8601": "2022-01-27T20:00:33.668990Z", "url": "https://files.pythonhosted.org/packages/4a/a0/3b8d5b80560afbff0688edd66926335bef153d91a95926810ab234798ae2/torch-1.10.2-cp38-cp38-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "1607dd9070721b630782207893e171f0", "sha256": "9ef4c004f9e5168bd1c1930c6aff25fed5b097de81db6271ffbb2e4fb8b89319" }, "downloads": -1, "filename": "torch-1.10.2-cp38-cp38-manylinux2014_aarch64.whl", "has_sig": false, "md5_digest": "1607dd9070721b630782207893e171f0", "packagetype": "bdist_wheel", "python_version": "cp38", "requires_python": ">=3.6.2", "size": 53404214, "upload_time": "2022-01-27T20:05:31", "upload_time_iso_8601": "2022-01-27T20:05:31.551171Z", "url": "https://files.pythonhosted.org/packages/f8/2c/ace8d8d942ccd064639fae6c366344d832fbca174b8df059396a5f51e3a5/torch-1.10.2-cp38-cp38-manylinux2014_aarch64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "3540387c541cbabf35bbe4c45969ed7f", "sha256": "376fc18407add20daa6bbaaffc5a5e06d733abe53bcbd60ef2532bfed34bc091" }, "downloads": -1, "filename": "torch-1.10.2-cp38-cp38-win_amd64.whl", "has_sig": false, "md5_digest": "3540387c541cbabf35bbe4c45969ed7f", "packagetype": "bdist_wheel", "python_version": "cp38", "requires_python": ">=3.6.2", "size": 226625399, "upload_time": "2022-01-27T20:11:32", "upload_time_iso_8601": "2022-01-27T20:11:32.654035Z", "url": "https://files.pythonhosted.org/packages/d4/53/c4a13bbab1385d505c78064ad5ae6a63a990f207a559fcfe950bdeb5f96c/torch-1.10.2-cp38-cp38-win_amd64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "6df127401d5560f494bf348b1a298e5e", "sha256": "f281438ee99bd72ad65c0bba1026a32e45c3b636bc067fc145ad291e9ea2faab" }, "downloads": -1, "filename": "torch-1.10.2-cp38-none-macosx_10_9_x86_64.whl", "has_sig": false, "md5_digest": "6df127401d5560f494bf348b1a298e5e", "packagetype": "bdist_wheel", "python_version": "cp38", "requires_python": ">=3.6.2", "size": 147153927, "upload_time": "2022-01-27T20:14:04", "upload_time_iso_8601": "2022-01-27T20:14:04.378105Z", "url": "https://files.pythonhosted.org/packages/7e/ee/14fcdd0e8b19108efd953cc5b38f409df39659bbec3b12afaa6dd3e2967b/torch-1.10.2-cp38-none-macosx_10_9_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "5f3440892cde2fe15e011ac2b1b6ed4d", "sha256": "3592d3dd62b32760c82624e7586222747fe2281240e8653970b35f1d6d4a434c" }, "downloads": -1, "filename": "torch-1.10.2-cp38-none-macosx_11_0_arm64.whl", "has_sig": false, "md5_digest": "5f3440892cde2fe15e011ac2b1b6ed4d", "packagetype": "bdist_wheel", "python_version": "cp38", "requires_python": ">=3.6.2", "size": 44608897, "upload_time": "2022-01-27T20:35:55", "upload_time_iso_8601": "2022-01-27T20:35:55.157061Z", "url": "https://files.pythonhosted.org/packages/c0/2a/3401595e371a63195016968efd450c46048cf0d1b341adb33c029ab6aa1e/torch-1.10.2-cp38-none-macosx_11_0_arm64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "e278ccafd789d1d00e29fd3cd9bb5df6", "sha256": "fbaf18c1b3e0b31af194a9d853e3739464cf982d279df9d34dd18f1c2a471878" }, "downloads": -1, "filename": "torch-1.10.2-cp39-cp39-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "e278ccafd789d1d00e29fd3cd9bb5df6", "packagetype": "bdist_wheel", "python_version": "cp39", "requires_python": ">=3.6.2", "size": 881937953, "upload_time": "2022-01-27T20:04:22", "upload_time_iso_8601": "2022-01-27T20:04:22.332338Z", "url": "https://files.pythonhosted.org/packages/0a/e9/085d1399f5cc1b203d2926b90e76e9678f74b5a078cd491e1c3caddb7abe/torch-1.10.2-cp39-cp39-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "10939c9e573abacceb8d9e680e18c8a6", "sha256": "97b7b0c667e8b0dd1fc70137a36e0a4841ec10ef850bda60500ad066bef3e2de" }, "downloads": -1, "filename": "torch-1.10.2-cp39-cp39-manylinux2014_aarch64.whl", "has_sig": false, "md5_digest": "10939c9e573abacceb8d9e680e18c8a6", "packagetype": "bdist_wheel", "python_version": "cp39", "requires_python": ">=3.6.2", "size": 53405089, "upload_time": "2022-01-27T20:05:45", "upload_time_iso_8601": "2022-01-27T20:05:45.106821Z", "url": "https://files.pythonhosted.org/packages/48/2e/23ee7f39b883dde0f1bc9dffa4a67e24fd61991926a01dadd5c8d288a604/torch-1.10.2-cp39-cp39-manylinux2014_aarch64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "1b886b887d05849a873fad19411d5847", "sha256": "901b52787baeb2e9e1357ca7037da0028bc6ad743f530e0040ae96ef8e27156c" }, "downloads": -1, "filename": "torch-1.10.2-cp39-cp39-win_amd64.whl", "has_sig": false, "md5_digest": "1b886b887d05849a873fad19411d5847", "packagetype": "bdist_wheel", "python_version": "cp39", "requires_python": ">=3.6.2", "size": 226537989, "upload_time": "2022-01-27T20:12:45", "upload_time_iso_8601": "2022-01-27T20:12:45.128927Z", "url": "https://files.pythonhosted.org/packages/82/49/cb675c5b70a081f39a2b09d0b4d98a2b14f08d895b3439fe3c0c48163018/torch-1.10.2-cp39-cp39-win_amd64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "6e67799a806675c32e2c4b13227e6689", "sha256": "5b68e9108bd7ebd99eee941686046c517cfaac5331f757bcf440fe02f2e3ced1" }, "downloads": -1, "filename": "torch-1.10.2-cp39-none-macosx_10_9_x86_64.whl", "has_sig": false, "md5_digest": "6e67799a806675c32e2c4b13227e6689", "packagetype": "bdist_wheel", "python_version": "cp39", "requires_python": ">=3.6.2", "size": 147154740, "upload_time": "2022-01-27T20:14:38", "upload_time_iso_8601": "2022-01-27T20:14:38.128081Z", "url": "https://files.pythonhosted.org/packages/97/46/5843fa34474ccbe5141c818b155189d086915cd8cb93b4230bcc341c208c/torch-1.10.2-cp39-none-macosx_10_9_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "7507c02e86d1a15277d36fad41144ce8", "sha256": "b07ef01e36b716d0d65ca60c4db0ac9d094a0e797d9b55290da4dcda91463b6c" }, "downloads": -1, "filename": "torch-1.10.2-cp39-none-macosx_11_0_arm64.whl", "has_sig": false, "md5_digest": "7507c02e86d1a15277d36fad41144ce8", "packagetype": "bdist_wheel", "python_version": "cp39", "requires_python": ">=3.6.2", "size": 44609718, "upload_time": "2022-01-27T20:36:06", "upload_time_iso_8601": "2022-01-27T20:36:06.217172Z", "url": "https://files.pythonhosted.org/packages/7b/91/89bbe2316b93671b6bccec094df6bc66109cf6d21a364cd2f1becd11ba3c/torch-1.10.2-cp39-none-macosx_11_0_arm64.whl", "yanked": false, "yanked_reason": null } ], "1.11.0": [ { "comment_text": "", "digests": { "md5": "5e21f99400dc90749484560de60c3f41", "sha256": "62052b50fffc29ca7afc0c04ef8206b6f1ca9d10629cb543077e12967e8d0398" }, "downloads": -1, "filename": "torch-1.11.0-cp310-cp310-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "5e21f99400dc90749484560de60c3f41", "packagetype": "bdist_wheel", "python_version": "cp310", "requires_python": ">=3.7.0", "size": 750593273, "upload_time": "2022-03-10T16:41:49", "upload_time_iso_8601": "2022-03-10T16:41:49.635740Z", "url": "https://files.pythonhosted.org/packages/76/96/3fd30662981043ac6fa1dc4f2cf8f5fa5401cc125ff7b7bf1536eae5db28/torch-1.11.0-cp310-cp310-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "14cd9fe643acbb4a48feb5811e0cc160", "sha256": "866bfba29ac98dec35d893d8e17eaec149d0ac7a53be7baae5c98069897db667" }, "downloads": -1, "filename": "torch-1.11.0-cp310-cp310-manylinux2014_aarch64.whl", "has_sig": false, "md5_digest": "14cd9fe643acbb4a48feb5811e0cc160", "packagetype": "bdist_wheel", "python_version": "cp310", "requires_python": ">=3.7.0", "size": 50901403, "upload_time": "2022-03-10T16:45:06", "upload_time_iso_8601": "2022-03-10T16:45:06.214283Z", "url": "https://files.pythonhosted.org/packages/b2/11/72b6ba00907441486dbb58df9ab7b667f0f51de75a3904261e70e85a3f06/torch-1.11.0-cp310-cp310-manylinux2014_aarch64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "08cf98a749033fcc3114eb42acb32938", "sha256": "951640fb8db308a59d9b510e7d1ad910aff92913323bbe4bc75435347ddd346d" }, "downloads": -1, "filename": "torch-1.11.0-cp310-cp310-win_amd64.whl", "has_sig": false, "md5_digest": "08cf98a749033fcc3114eb42acb32938", "packagetype": "bdist_wheel", "python_version": "cp310", "requires_python": ">=3.7.0", "size": 157987904, "upload_time": "2022-03-10T16:44:28", "upload_time_iso_8601": "2022-03-10T16:44:28.282885Z", "url": "https://files.pythonhosted.org/packages/ea/50/f249331269934c911a47846ccd9315f7a63941300b832d887956f60c249b/torch-1.11.0-cp310-cp310-win_amd64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "8ed3f8bd4a8dba43d51cdb6e6a1fb4dd", "sha256": "5d77b5ece78fdafa5c7f42995ff9474399d22571cd6b2de21a5d666306a2ff8c" }, "downloads": -1, "filename": "torch-1.11.0-cp310-none-macosx_10_9_x86_64.whl", "has_sig": false, "md5_digest": "8ed3f8bd4a8dba43d51cdb6e6a1fb4dd", "packagetype": "bdist_wheel", "python_version": "cp310", "requires_python": ">=3.7.0", "size": 130100765, "upload_time": "2022-03-10T16:44:48", "upload_time_iso_8601": "2022-03-10T16:44:48.084985Z", "url": "https://files.pythonhosted.org/packages/87/ac/31d233b21345c4f713109e5e933a5a99473d31049c03f004ffb6cc24785d/torch-1.11.0-cp310-none-macosx_10_9_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "55d15769cfc5dcfbcfad7faff04138ef", "sha256": "b5a38682769b544c875ecc34bcb81fbad5c922139b61319aacffcfd8a32f528c" }, "downloads": -1, "filename": "torch-1.11.0-cp310-none-macosx_11_0_arm64.whl", "has_sig": false, "md5_digest": "55d15769cfc5dcfbcfad7faff04138ef", "packagetype": "bdist_wheel", "python_version": "cp310", "requires_python": ">=3.7.0", "size": 43134611, "upload_time": "2022-03-10T22:38:16", "upload_time_iso_8601": "2022-03-10T22:38:16.934719Z", "url": "https://files.pythonhosted.org/packages/36/0f/91edc4a0342aa2388a1845484a134aa88730a8632cfe4ad6c761f4ff4114/torch-1.11.0-cp310-none-macosx_11_0_arm64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "a623fad7bc442c23fc5c4d356c0c7c65", "sha256": "f82d77695a60626f2b7382d85bc566de8a6b3e50d32080755abc040db802e419" }, "downloads": -1, "filename": "torch-1.11.0-cp37-cp37m-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "a623fad7bc442c23fc5c4d356c0c7c65", "packagetype": "bdist_wheel", "python_version": "cp37", "requires_python": ">=3.7.0", "size": 750556028, "upload_time": "2022-03-10T16:40:28", "upload_time_iso_8601": "2022-03-10T16:40:28.045893Z", "url": "https://files.pythonhosted.org/packages/94/32/96a0955e5d6ed8a837eda5ca095dd2694c4617cfa70ca599660cd5ff7447/torch-1.11.0-cp37-cp37m-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "2345cc9d50575f6e64d25beb4e32056c", "sha256": "b96654d42566080a134e784705f33f8536b3b95b5dcde357ed7879b1692a5f78" }, "downloads": -1, "filename": "torch-1.11.0-cp37-cp37m-manylinux2014_aarch64.whl", "has_sig": false, "md5_digest": "2345cc9d50575f6e64d25beb4e32056c", "packagetype": "bdist_wheel", "python_version": "cp37", "requires_python": ">=3.7.0", "size": 51030515, "upload_time": "2022-03-10T16:44:58", "upload_time_iso_8601": "2022-03-10T16:44:58.251793Z", "url": "https://files.pythonhosted.org/packages/0f/34/c3fc160170e1af3a28df2c0fabc19e1ace66300b9a14b37b7d3b337531b0/torch-1.11.0-cp37-cp37m-manylinux2014_aarch64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "37d43d6b162a23d11ee0c50407f8987a", "sha256": "8ee7c2e8d7f7020d5bfbc1bb91b9591044c26bbd0cee5e4f694cfd7ed8649260" }, "downloads": -1, "filename": "torch-1.11.0-cp37-cp37m-win_amd64.whl", "has_sig": false, "md5_digest": "37d43d6b162a23d11ee0c50407f8987a", "packagetype": "bdist_wheel", "python_version": "cp37", "requires_python": ">=3.7.0", "size": 157996043, "upload_time": "2022-03-10T16:43:53", "upload_time_iso_8601": "2022-03-10T16:43:53.474079Z", "url": "https://files.pythonhosted.org/packages/1d/38/b654e16f97be5985877056f5f13747cbd015a105ac092f8bf4ff6ca03f6f/torch-1.11.0-cp37-cp37m-win_amd64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "163cbf3b53870115167c981cc729447e", "sha256": "6860b1d1bf0bb0b67a6bd47f85a0e4c825b518eea13b5d6101999dbbcbd5bc0c" }, "downloads": -1, "filename": "torch-1.11.0-cp37-none-macosx_10_9_x86_64.whl", "has_sig": false, "md5_digest": "163cbf3b53870115167c981cc729447e", "packagetype": "bdist_wheel", "python_version": "cp37", "requires_python": ">=3.7.0", "size": 129865099, "upload_time": "2022-03-10T16:44:11", "upload_time_iso_8601": "2022-03-10T16:44:11.804082Z", "url": "https://files.pythonhosted.org/packages/c2/18/fa0b20ba0e67c2c2b8128330086c39c2b2afc296434eb13cd07bfcce6c45/torch-1.11.0-cp37-none-macosx_10_9_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "7cff50df74a2bbf396e25d393289909a", "sha256": "4322aa29f50da7f404db06cdf30896ea67b09f673af4a985afc7162bc897864d" }, "downloads": -1, "filename": "torch-1.11.0-cp38-cp38-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "7cff50df74a2bbf396e25d393289909a", "packagetype": "bdist_wheel", "python_version": "cp38", "requires_python": ">=3.7.0", "size": 750589738, "upload_time": "2022-03-10T16:38:35", "upload_time_iso_8601": "2022-03-10T16:38:35.880934Z", "url": "https://files.pythonhosted.org/packages/2b/5c/14f3d5bf876d4db062e20baa933dce98ab7dde6599f462099fa2f69cc7e0/torch-1.11.0-cp38-cp38-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "dec37bf1d50b1823f0e81ca1c7655062", "sha256": "e4d2e0ddd652f30e94cff750220324ec45705d4ecc69658f773b3cb1c7a28dd0" }, "downloads": -1, "filename": "torch-1.11.0-cp38-cp38-manylinux2014_aarch64.whl", "has_sig": false, "md5_digest": "dec37bf1d50b1823f0e81ca1c7655062", "packagetype": "bdist_wheel", "python_version": "cp38", "requires_python": ">=3.7.0", "size": 50898133, "upload_time": "2022-03-10T16:43:34", "upload_time_iso_8601": "2022-03-10T16:43:34.706145Z", "url": "https://files.pythonhosted.org/packages/8e/14/e995722459b6780817e94b4cc2a7ed71a1ead209e0d4052ba4eea224e4a8/torch-1.11.0-cp38-cp38-manylinux2014_aarch64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "ddcc1414af2fa655b82270cdd10dec56", "sha256": "34ce5ea4d8d85da32cdbadb50d4585106901e9f8a3527991daa70c13a09de1f7" }, "downloads": -1, "filename": "torch-1.11.0-cp38-cp38-win_amd64.whl", "has_sig": false, "md5_digest": "ddcc1414af2fa655b82270cdd10dec56", "packagetype": "bdist_wheel", "python_version": "cp38", "requires_python": ">=3.7.0", "size": 158017778, "upload_time": "2022-03-10T16:43:22", "upload_time_iso_8601": "2022-03-10T16:43:22.828606Z", "url": "https://files.pythonhosted.org/packages/fb/1b/cb472a0e2bdb298bb85e1b239883fbd994660f45e50a4c4fba8dc080f47e/torch-1.11.0-cp38-cp38-win_amd64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "ee3e82763b867591ec41ec58e4237e9a", "sha256": "0ccc85cd06227a3edf809e2c795fd5762c3d4e8a38b5c9f744c6e7cf841361bb" }, "downloads": -1, "filename": "torch-1.11.0-cp38-none-macosx_10_9_x86_64.whl", "has_sig": false, "md5_digest": "ee3e82763b867591ec41ec58e4237e9a", "packagetype": "bdist_wheel", "python_version": "cp38", "requires_python": ">=3.7.0", "size": 129930229, "upload_time": "2022-03-10T16:42:58", "upload_time_iso_8601": "2022-03-10T16:42:58.315856Z", "url": "https://files.pythonhosted.org/packages/79/df/c5ac776569d658eeec99bb8cf908c17ff7e89d15dc5d94ba5ec6df6b3e55/torch-1.11.0-cp38-none-macosx_10_9_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "e5812815537c69118bc6c8768e96f761", "sha256": "c1554e49d74f1b2c3e7202d77056ba2dd7465437585bac64062b580f714a44e9" }, "downloads": -1, "filename": "torch-1.11.0-cp38-none-macosx_11_0_arm64.whl", "has_sig": false, "md5_digest": "e5812815537c69118bc6c8768e96f761", "packagetype": "bdist_wheel", "python_version": "cp38", "requires_python": ">=3.7.0", "size": 43135555, "upload_time": "2022-03-10T16:42:41", "upload_time_iso_8601": "2022-03-10T16:42:41.885471Z", "url": "https://files.pythonhosted.org/packages/7c/bc/c5ada769b0f31ca1b7f05e15575703641d648100ac432a182e350076e64d/torch-1.11.0-cp38-none-macosx_11_0_arm64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "d4d06e308dd0f8172cb908aa7bed9e8b", "sha256": "58c7814502b1c129a650d7092033bbb0bbd64faf1a7941631aaa1aeaddc37570" }, "downloads": -1, "filename": "torch-1.11.0-cp39-cp39-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "d4d06e308dd0f8172cb908aa7bed9e8b", "packagetype": "bdist_wheel", "python_version": "cp39", "requires_python": ">=3.7.0", "size": 750584423, "upload_time": "2022-03-10T16:37:26", "upload_time_iso_8601": "2022-03-10T16:37:26.194512Z", "url": "https://files.pythonhosted.org/packages/f8/04/ebf936e02d37c185341558de73324c6511d7fb7578cb1c3439411475fd7e/torch-1.11.0-cp39-cp39-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "51e0baa21fe3e472edc21e901593a2bd", "sha256": "831cf588f01dda9409e75576741d2823453990dee2983d670f2584b37a01adf7" }, "downloads": -1, "filename": "torch-1.11.0-cp39-cp39-manylinux2014_aarch64.whl", "has_sig": false, "md5_digest": "51e0baa21fe3e472edc21e901593a2bd", "packagetype": "bdist_wheel", "python_version": "cp39", "requires_python": ">=3.7.0", "size": 50901286, "upload_time": "2022-03-10T16:42:34", "upload_time_iso_8601": "2022-03-10T16:42:34.124800Z", "url": "https://files.pythonhosted.org/packages/cf/9a/8d80deb5d2e9e17933f5dfe717a42a7608dc0e6799f7a7a0de3f7d7093d7/torch-1.11.0-cp39-cp39-manylinux2014_aarch64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "14dbbfd5d6da112add8dd708cdd14fc1", "sha256": "44a1d02fd20f827f0f36dc26fdcfc45e793806a6ad52769a22260655a77a4369" }, "downloads": -1, "filename": "torch-1.11.0-cp39-cp39-win_amd64.whl", "has_sig": false, "md5_digest": "14dbbfd5d6da112add8dd708cdd14fc1", "packagetype": "bdist_wheel", "python_version": "cp39", "requires_python": ">=3.7.0", "size": 157942225, "upload_time": "2022-03-10T16:42:22", "upload_time_iso_8601": "2022-03-10T16:42:22.782072Z", "url": "https://files.pythonhosted.org/packages/c7/56/52a05ec2ad6c58472a768351a6ea4b600c532a3f46dde57fe2aaa14bfbd1/torch-1.11.0-cp39-cp39-win_amd64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "917e4c2f6a7349641295a9f09d809f2c", "sha256": "50fd9bf85c578c871c28f1cb0ace9dfc6024401c7f399b174fb0f370899f4454" }, "downloads": -1, "filename": "torch-1.11.0-cp39-none-macosx_10_9_x86_64.whl", "has_sig": false, "md5_digest": "917e4c2f6a7349641295a9f09d809f2c", "packagetype": "bdist_wheel", "python_version": "cp39", "requires_python": ">=3.7.0", "size": 129930327, "upload_time": "2022-03-10T16:39:08", "upload_time_iso_8601": "2022-03-10T16:39:08.770790Z", "url": "https://files.pythonhosted.org/packages/fe/6f/9d42e62cbd28e69fef578f8c4a1d33a4716d378dbc7ae720d211b28dc81a/torch-1.11.0-cp39-none-macosx_10_9_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "d88113ea2a0597fd611880e93a508fe0", "sha256": "0e48af66ad755f0f9c5f2664028a414f57c49d6adc37e77e06fe0004da4edb61" }, "downloads": -1, "filename": "torch-1.11.0-cp39-none-macosx_11_0_arm64.whl", "has_sig": false, "md5_digest": "d88113ea2a0597fd611880e93a508fe0", "packagetype": "bdist_wheel", "python_version": "cp39", "requires_python": ">=3.7.0", "size": 43134936, "upload_time": "2022-03-10T16:39:18", "upload_time_iso_8601": "2022-03-10T16:39:18.486089Z", "url": "https://files.pythonhosted.org/packages/ec/bc/5e2b92f471496da1629e156553c8d92e0df667743f3128dd5e4db287ddb9/torch-1.11.0-cp39-none-macosx_11_0_arm64.whl", "yanked": false, "yanked_reason": null } ], "1.2.0": [ { "comment_text": "", "digests": { "md5": "74eaefa67408feac72c6a7a8fb72ad30", "sha256": "a8c21f82fd03b67927078ea917040478c3263753fe1906fc19d0f5f0c7d9aa10" }, "downloads": -1, "filename": "torch-1.2.0-cp27-cp27m-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "74eaefa67408feac72c6a7a8fb72ad30", "packagetype": "bdist_wheel", "python_version": "cp27", "requires_python": null, "size": 748876092, "upload_time": "2019-08-08T16:01:26", "upload_time_iso_8601": "2019-08-08T16:01:26.160795Z", "url": "https://files.pythonhosted.org/packages/29/97/54d97bd1892261ceeb11853398730b3fdf1605b15ad2fa9b9a6a51010051/torch-1.2.0-cp27-cp27m-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "744b511e8685b06370ec5208dc2774f9", "sha256": "880a0c22692eaebbce808a5bf2255ab7d345ab43c40795be0a421c6250ba0fb4" }, "downloads": -1, "filename": "torch-1.2.0-cp27-cp27mu-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "744b511e8685b06370ec5208dc2774f9", "packagetype": "bdist_wheel", "python_version": "cp27", "requires_python": null, "size": 748869370, "upload_time": "2019-08-08T16:02:43", "upload_time_iso_8601": "2019-08-08T16:02:43.560713Z", "url": "https://files.pythonhosted.org/packages/aa/91/d5c9d3fb65ca12c06a3118164a40e6011b7f44c185e0bcd9e055dd1b2b21/torch-1.2.0-cp27-cp27mu-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "109fe898bbdb521c394da2687cb09464", "sha256": "f63d489c54b4f170ce8335727bbb196ceb9acd0e7805477bbef8fabc914bc0f9" }, "downloads": -1, "filename": "torch-1.2.0-cp27-none-macosx_10_6_x86_64.whl", "has_sig": false, "md5_digest": "109fe898bbdb521c394da2687cb09464", "packagetype": "bdist_wheel", "python_version": "cp27", "requires_python": null, "size": 59921565, "upload_time": "2019-08-08T16:03:15", "upload_time_iso_8601": "2019-08-08T16:03:15.161378Z", "url": "https://files.pythonhosted.org/packages/db/64/252fbd52d22cdddc646f3eb676a1a3af9e8ae51b524bbd6d661665eb8353/torch-1.2.0-cp27-none-macosx_10_6_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "e2baa8f912c4555dfd842b527d544a27", "sha256": "661ad06b4616663149bd504e8c0271196d0386712e21a92619d95ba88138794a" }, "downloads": -1, "filename": "torch-1.2.0-cp35-cp35m-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "e2baa8f912c4555dfd842b527d544a27", "packagetype": "bdist_wheel", "python_version": "cp35", "requires_python": null, "size": 748865660, "upload_time": "2019-08-08T16:04:13", "upload_time_iso_8601": "2019-08-08T16:04:13.572331Z", "url": "https://files.pythonhosted.org/packages/21/2e/14b3b24adc4ba2f8af26000a871d721f6cd84e966cfc06418c088d04fbb9/torch-1.2.0-cp35-cp35m-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "f87ffbc1383cc0f1a876bc791db19392", "sha256": "2ac8e58b069232f079bd289aa160366a9367ae1a4616a2c1007dceed19ff9bfa" }, "downloads": -1, "filename": "torch-1.2.0-cp35-none-macosx_10_6_x86_64.whl", "has_sig": false, "md5_digest": "f87ffbc1383cc0f1a876bc791db19392", "packagetype": "bdist_wheel", "python_version": "cp35", "requires_python": null, "size": 59910346, "upload_time": "2019-08-08T16:04:47", "upload_time_iso_8601": "2019-08-08T16:04:47.920886Z", "url": "https://files.pythonhosted.org/packages/44/47/f39349db6dacff94d8b6bccad9bc3d7ae24632ad4825d7980706dcd9effd/torch-1.2.0-cp35-none-macosx_10_6_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "2ef74ae144e68038871471cc65d199ca", "sha256": "a13bf6f78a49d844b85c142b8cd62d2e1833a11ed21ea0bc6b1ac73d24c76415" }, "downloads": -1, "filename": "torch-1.2.0-cp36-cp36m-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "2ef74ae144e68038871471cc65d199ca", "packagetype": "bdist_wheel", "python_version": "cp36", "requires_python": null, "size": 748846851, "upload_time": "2019-08-08T16:05:44", "upload_time_iso_8601": "2019-08-08T16:05:44.848155Z", "url": "https://files.pythonhosted.org/packages/30/57/d5cceb0799c06733eefce80c395459f28970ebb9e896846ce96ab579a3f1/torch-1.2.0-cp36-cp36m-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "7f9fd3c257c9d2457a8767bbefb86535", "sha256": "43a0e28c448ddeea65fb9e956bc743389592afac824095bdbc08e8a87364c639" }, "downloads": -1, "filename": "torch-1.2.0-cp36-none-macosx_10_7_x86_64.whl", "has_sig": false, "md5_digest": "7f9fd3c257c9d2457a8767bbefb86535", "packagetype": "bdist_wheel", "python_version": "cp36", "requires_python": null, "size": 59916509, "upload_time": "2019-08-08T16:06:15", "upload_time_iso_8601": "2019-08-08T16:06:15.111324Z", "url": "https://files.pythonhosted.org/packages/17/97/79c3636f4ed8f7165374c920e11fa6454638b5632eeef997d967fd13b04c/torch-1.2.0-cp36-none-macosx_10_7_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "41e41f135a331ed8ac624dbb989c91fc", "sha256": "b87fd224a7de3bc01ce87eb947698797b4514e27115b0aa60a56991515dd9dd6" }, "downloads": -1, "filename": "torch-1.2.0-cp37-cp37m-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "41e41f135a331ed8ac624dbb989c91fc", "packagetype": "bdist_wheel", "python_version": "cp37", "requires_python": null, "size": 748882206, "upload_time": "2019-08-08T16:07:14", "upload_time_iso_8601": "2019-08-08T16:07:14.849316Z", "url": "https://files.pythonhosted.org/packages/05/65/5248be50c55ab7429dd5c11f5e2f9f5865606b80e854ca63139ad1a584f2/torch-1.2.0-cp37-cp37m-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "c06ee7ba2e76b51312714cb1c633a3d4", "sha256": "0698d0a48014b9b8f36d93e69901eca2e7ec712cd2033908f7a77e7d86a4f0d7" }, "downloads": -1, "filename": "torch-1.2.0-cp37-none-macosx_10_7_x86_64.whl", "has_sig": false, "md5_digest": "c06ee7ba2e76b51312714cb1c633a3d4", "packagetype": "bdist_wheel", "python_version": "cp37", "requires_python": null, "size": 59919973, "upload_time": "2019-08-08T16:07:49", "upload_time_iso_8601": "2019-08-08T16:07:49.545438Z", "url": "https://files.pythonhosted.org/packages/ba/88/7640344d841e97b9a1531385caac39d984b2c6f4abd1376e1ce0de3a0933/torch-1.2.0-cp37-none-macosx_10_7_x86_64.whl", "yanked": false, "yanked_reason": null } ], "1.3.0": [ { "comment_text": "", "digests": { "md5": "dfb772db0a5eda2bf430ec402c53718d", "sha256": "7499fbc00ebbb04b6a6cc77ba7055b3b93460da87139dd8aeb357c5446a44cf8" }, "downloads": -1, "filename": "torch-1.3.0-cp27-cp27m-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "dfb772db0a5eda2bf430ec402c53718d", "packagetype": "bdist_wheel", "python_version": "cp27", "requires_python": ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*, !=3.4.*", "size": 773117432, "upload_time": "2019-10-10T15:16:45", "upload_time_iso_8601": "2019-10-10T15:16:45.285815Z", "url": "https://files.pythonhosted.org/packages/f9/89/84740770505a7a6f83fc18d992c9e53c981c998d2514b4171bd8a28b5b77/torch-1.3.0-cp27-cp27m-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "33e9483579968c427fd5778188dbd7bb", "sha256": "93e3542d57d413d4bbd75f34ce06b7a2840da3a258e3ce20c751b31a6c24189f" }, "downloads": -1, "filename": "torch-1.3.0-cp27-cp27mu-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "33e9483579968c427fd5778188dbd7bb", "packagetype": "bdist_wheel", "python_version": "cp27", "requires_python": ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*, !=3.4.*", "size": 773093123, "upload_time": "2019-10-10T15:18:05", "upload_time_iso_8601": "2019-10-10T15:18:05.958132Z", "url": "https://files.pythonhosted.org/packages/2f/e9/90851b92b606c4fdd13fa971dd0d47e500736ee9e56fd94570341f08700c/torch-1.3.0-cp27-cp27mu-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "6b65e6449a43e2bfbb49f2a66d5c5fdb", "sha256": "aec5245b459427bd4acea092bacbd6794bebaf65488caf931833a76cfbf9c5fa" }, "downloads": -1, "filename": "torch-1.3.0-cp35-cp35m-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "6b65e6449a43e2bfbb49f2a66d5c5fdb", "packagetype": "bdist_wheel", "python_version": "cp35", "requires_python": ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*, !=3.4.*", "size": 773105252, "upload_time": "2019-10-10T15:19:25", "upload_time_iso_8601": "2019-10-10T15:19:25.232858Z", "url": "https://files.pythonhosted.org/packages/da/b5/94ce035094590a56758037dce2160b147fcb2965860b9c22580b5e7047d6/torch-1.3.0-cp35-cp35m-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "0e852ff6cc4f9af627c14e36ec2bd78d", "sha256": "edf07e00bb7271406cec50630d7e17f89221eeea9bd6abab885f710d31758691" }, "downloads": -1, "filename": "torch-1.3.0-cp35-none-macosx_10_6_x86_64.whl", "has_sig": false, "md5_digest": "0e852ff6cc4f9af627c14e36ec2bd78d", "packagetype": "bdist_wheel", "python_version": "cp35", "requires_python": ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*, !=3.4.*", "size": 71049995, "upload_time": "2019-10-10T15:21:14", "upload_time_iso_8601": "2019-10-10T15:21:14.462790Z", "url": "https://files.pythonhosted.org/packages/03/bb/fbf5a3ee3fedc7d5ce92a425e777ef6ee620d4db726028a0bf0ec03542a9/torch-1.3.0-cp35-none-macosx_10_6_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "f41929a79146e0d5fb6100c7bf9dfe53", "sha256": "2d07d9db5cf43d152c17caf13428c10ab8c8fbf9c3bd503cfc46222cbfd1bb1c" }, "downloads": -1, "filename": "torch-1.3.0-cp36-cp36m-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "f41929a79146e0d5fb6100c7bf9dfe53", "packagetype": "bdist_wheel", "python_version": "cp36", "requires_python": ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*, !=3.4.*", "size": 773098887, "upload_time": "2019-10-10T15:22:12", "upload_time_iso_8601": "2019-10-10T15:22:12.327301Z", "url": "https://files.pythonhosted.org/packages/ae/05/50a05de5337f7a924bb8bd70c6936230642233e424d6a9747ef1cfbde353/torch-1.3.0-cp36-cp36m-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "ec814a601964e7822641e16cf6c05d2e", "sha256": "3b3ef18d03d8bc2ffccef1b3d2a156aa6f3235ed76d1c93cf3711c48055c79ce" }, "downloads": -1, "filename": "torch-1.3.0-cp36-none-macosx_10_7_x86_64.whl", "has_sig": false, "md5_digest": "ec814a601964e7822641e16cf6c05d2e", "packagetype": "bdist_wheel", "python_version": "cp36", "requires_python": ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*, !=3.4.*", "size": 71056583, "upload_time": "2019-10-10T15:22:47", "upload_time_iso_8601": "2019-10-10T15:22:47.550251Z", "url": "https://files.pythonhosted.org/packages/8d/87/4e42d7ab7cb1e5ee9f2f81d9c5955a7c558894f11c90898fdf838ea40327/torch-1.3.0-cp36-none-macosx_10_7_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "203ab44c23d41916b5944c41612013df", "sha256": "d460039d0d6c9e3e70b76bf9594c4ac364a287f125d22e10a6e9e1198887422c" }, "downloads": -1, "filename": "torch-1.3.0-cp37-cp37m-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "203ab44c23d41916b5944c41612013df", "packagetype": "bdist_wheel", "python_version": "cp37", "requires_python": ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*, !=3.4.*", "size": 773125298, "upload_time": "2019-10-10T15:23:45", "upload_time_iso_8601": "2019-10-10T15:23:45.417623Z", "url": "https://files.pythonhosted.org/packages/b4/0b/9d33aef363b6728ad937643d98be713c6c25d50ce338678ad57cee6e6fd5/torch-1.3.0-cp37-cp37m-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "48e435f8190d3c6a698d3784223b80e3", "sha256": "b33884ff0ca101ea6a3415e946b85f98253ee32401c6d863cc5fc6d5bb02d81c" }, "downloads": -1, "filename": "torch-1.3.0-cp37-none-macosx_10_9_x86_64.whl", "has_sig": false, "md5_digest": "48e435f8190d3c6a698d3784223b80e3", "packagetype": "bdist_wheel", "python_version": "cp37", "requires_python": ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*, !=3.4.*", "size": 71059216, "upload_time": "2019-10-10T15:24:18", "upload_time_iso_8601": "2019-10-10T15:24:18.642878Z", "url": "https://files.pythonhosted.org/packages/0f/27/36b5f7acd661b2a435c7c9283dd4ddeac9a4c7fc0e328efaddeae2ffaf68/torch-1.3.0-cp37-none-macosx_10_9_x86_64.whl", "yanked": false, "yanked_reason": null } ], "1.3.0.post2": [ { "comment_text": "", "digests": { "md5": "546ac8d35d3aee7d4be190cbf975889c", "sha256": "02d435248e40a9ed3d81ef81a5466e21216833eab2b9cf076f303b7159592fc7" }, "downloads": -1, "filename": "torch-1.3.0.post2-cp27-none-macosx_10_7_x86_64.whl", "has_sig": false, "md5_digest": "546ac8d35d3aee7d4be190cbf975889c", "packagetype": "bdist_wheel", "python_version": "cp27", "requires_python": ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*, !=3.4.*", "size": 71058228, "upload_time": "2019-10-22T18:06:28", "upload_time_iso_8601": "2019-10-22T18:06:28.300016Z", "url": "https://files.pythonhosted.org/packages/b5/d4/c1860f4836f11c137f08edf74027038468fc0c8094350fc87a2641cb793b/torch-1.3.0.post2-cp27-none-macosx_10_7_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "7a31e7a08e313ff103b8fb00137d9fa0", "sha256": "ab98d84ee449b2e42f352a34fdefc3b6a5fb28041f40619b33d2d09b1a35bd31" }, "downloads": -1, "filename": "torch-1.3.0.post2-cp35-none-macosx_10_6_x86_64.whl", "has_sig": false, "md5_digest": "7a31e7a08e313ff103b8fb00137d9fa0", "packagetype": "bdist_wheel", "python_version": "cp35", "requires_python": ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*, !=3.4.*", "size": 71050712, "upload_time": "2019-10-22T18:06:41", "upload_time_iso_8601": "2019-10-22T18:06:41.188007Z", "url": "https://files.pythonhosted.org/packages/e9/35/2f22898caff94f83b10e352e30727f082e2c9da6f73c6e087fe988575978/torch-1.3.0.post2-cp35-none-macosx_10_6_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "daf66fae76f0a43d773f7185756acbb2", "sha256": "0e6a5ab1970be4d40d176c878c86f56a05af30016db5cd45fa8ef2a3b168c71b" }, "downloads": -1, "filename": "torch-1.3.0.post2-cp36-none-macosx_10_7_x86_64.whl", "has_sig": false, "md5_digest": "daf66fae76f0a43d773f7185756acbb2", "packagetype": "bdist_wheel", "python_version": "cp36", "requires_python": ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*, !=3.4.*", "size": 71057330, "upload_time": "2019-10-22T18:06:54", "upload_time_iso_8601": "2019-10-22T18:06:54.065606Z", "url": "https://files.pythonhosted.org/packages/4d/6b/5630630daae83cd9a7cd34e9e2bd4000228e41da97733e4defc2cfc47198/torch-1.3.0.post2-cp36-none-macosx_10_7_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "53cfc9013cb3ac3c0578ea4039fdb2ea", "sha256": "16efb90d9f341c6af2bba30556a4ff4c31277b184d1e8ad8d2269ac91a7a38f9" }, "downloads": -1, "filename": "torch-1.3.0.post2-cp37-none-macosx_10_9_x86_64.whl", "has_sig": false, "md5_digest": "53cfc9013cb3ac3c0578ea4039fdb2ea", "packagetype": "bdist_wheel", "python_version": "cp37", "requires_python": ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*, !=3.4.*", "size": 71059959, "upload_time": "2019-10-22T18:07:09", "upload_time_iso_8601": "2019-10-22T18:07:09.292755Z", "url": "https://files.pythonhosted.org/packages/c2/c9/46d13c7cd7234aca5f12eb84487a14af1719f8e47ae4268786b7b22baec3/torch-1.3.0.post2-cp37-none-macosx_10_9_x86_64.whl", "yanked": false, "yanked_reason": null } ], "1.3.1": [ { "comment_text": "", "digests": { "md5": "e73a4840af1a05e7119baece63cf1934", "sha256": "d8e1d904a6193ed14a4fed220b00503b2baa576e71471286d1ebba899c851fae" }, "downloads": -1, "filename": "torch-1.3.1-cp27-cp27m-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "e73a4840af1a05e7119baece63cf1934", "packagetype": "bdist_wheel", "python_version": "cp27", "requires_python": ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*, !=3.4.*", "size": 734590919, "upload_time": "2019-11-07T17:45:55", "upload_time_iso_8601": "2019-11-07T17:45:55.382136Z", "url": "https://files.pythonhosted.org/packages/60/24/067b6e52dc4f7ea932c159f25e86ece443eb148b35f5b8fcae22fe85155b/torch-1.3.1-cp27-cp27m-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "a9c0462b1575cbbb7c15dc213c741d8d", "sha256": "b6f01d851d1c5989d4a99b50ae0187762b15b7718dcd1a33704b665daa2402f9" }, "downloads": -1, "filename": "torch-1.3.1-cp27-cp27mu-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "a9c0462b1575cbbb7c15dc213c741d8d", "packagetype": "bdist_wheel", "python_version": "cp27", "requires_python": ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*, !=3.4.*", "size": 734592115, "upload_time": "2019-11-07T17:47:07", "upload_time_iso_8601": "2019-11-07T17:47:07.863029Z", "url": "https://files.pythonhosted.org/packages/d6/17/1b3f5c0899371b598b453f13ca937a3a640357145c5bd7f5e7422e05ec29/torch-1.3.1-cp27-cp27mu-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "bcae440793f18f789b50b45a46183c4b", "sha256": "31062923ac2e60eac676f6a0ae14702b051c158bbcf7f440eaba266b0defa197" }, "downloads": -1, "filename": "torch-1.3.1-cp27-none-macosx_10_7_x86_64.whl", "has_sig": false, "md5_digest": "bcae440793f18f789b50b45a46183c4b", "packagetype": "bdist_wheel", "python_version": "cp27", "requires_python": ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*, !=3.4.*", "size": 71058789, "upload_time": "2019-11-07T17:47:42", "upload_time_iso_8601": "2019-11-07T17:47:42.080003Z", "url": "https://files.pythonhosted.org/packages/33/a7/377bc12b4c28c17b0c103f3f65d358ddfb84734a0b5967a4cfd9fc2c5659/torch-1.3.1-cp27-none-macosx_10_7_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "d59993dfed1dc1cb5017fd6421891e6f", "sha256": "458f1d87e5b7064b2c39e36675d84e163be3143dd2fc806057b7878880c461bc" }, "downloads": -1, "filename": "torch-1.3.1-cp35-cp35m-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "d59993dfed1dc1cb5017fd6421891e6f", "packagetype": "bdist_wheel", "python_version": "cp35", "requires_python": ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*, !=3.4.*", "size": 734587972, "upload_time": "2019-11-07T17:48:32", "upload_time_iso_8601": "2019-11-07T17:48:32.670282Z", "url": "https://files.pythonhosted.org/packages/24/33/ccfe4e16bfa1f2ca10e22bca05b313cba31800f9597f5f282020cd6ba45e/torch-1.3.1-cp35-cp35m-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "db30f8b7a1f3859f99cf99e1bfdb3fcc", "sha256": "3b05233481b51bb636cee63dc761bb7f602e198178782ff4159d385d1759608b" }, "downloads": -1, "filename": "torch-1.3.1-cp35-none-macosx_10_6_x86_64.whl", "has_sig": false, "md5_digest": "db30f8b7a1f3859f99cf99e1bfdb3fcc", "packagetype": "bdist_wheel", "python_version": "cp35", "requires_python": ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*, !=3.4.*", "size": 71051408, "upload_time": "2019-11-07T17:49:06", "upload_time_iso_8601": "2019-11-07T17:49:06.110781Z", "url": "https://files.pythonhosted.org/packages/ec/43/75b39e4caa41cc09611ddf4963f6357e68702b94edf52da108cc070d1c6e/torch-1.3.1-cp35-none-macosx_10_6_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "dd9255db97d5f0e8e2e9093ed75fdbd2", "sha256": "0cec2e13a2e95c24c34f17d437f354ee2a40902e8d515a524556b350e12555dd" }, "downloads": -1, "filename": "torch-1.3.1-cp36-cp36m-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "dd9255db97d5f0e8e2e9093ed75fdbd2", "packagetype": "bdist_wheel", "python_version": "cp36", "requires_python": ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*, !=3.4.*", "size": 734576640, "upload_time": "2019-11-07T17:49:58", "upload_time_iso_8601": "2019-11-07T17:49:58.231352Z", "url": "https://files.pythonhosted.org/packages/88/95/90e8c4c31cfc67248bf944ba42029295b77159982f532c5689bcfe4e9108/torch-1.3.1-cp36-cp36m-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "43909f9f3b0f84038c27a2b8ffeef2e4", "sha256": "77fd8866c0bf529861ffd850a5dada2190a8d9c5167719fb0cfa89163e23b143" }, "downloads": -1, "filename": "torch-1.3.1-cp36-none-macosx_10_7_x86_64.whl", "has_sig": false, "md5_digest": "43909f9f3b0f84038c27a2b8ffeef2e4", "packagetype": "bdist_wheel", "python_version": "cp36", "requires_python": ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*, !=3.4.*", "size": 71057910, "upload_time": "2019-11-07T17:50:38", "upload_time_iso_8601": "2019-11-07T17:50:38.334034Z", "url": "https://files.pythonhosted.org/packages/65/96/c97c8a0ea8f66de41f452925b521bcfdebef6fffb899dc704fc269d87563/torch-1.3.1-cp36-none-macosx_10_7_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "1f13065fce4af811e7ada311cb7b2ab1", "sha256": "72a1c85bffd2154f085bc0a1d378d8a54e55a57d49664b874fe7c949022bf071" }, "downloads": -1, "filename": "torch-1.3.1-cp37-cp37m-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "1f13065fce4af811e7ada311cb7b2ab1", "packagetype": "bdist_wheel", "python_version": "cp37", "requires_python": ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*, !=3.4.*", "size": 734594768, "upload_time": "2019-11-07T17:51:31", "upload_time_iso_8601": "2019-11-07T17:51:31.321752Z", "url": "https://files.pythonhosted.org/packages/f9/34/2107f342d4493b7107a600ee16005b2870b5a0a5a165bdf5c5e7168a16a6/torch-1.3.1-cp37-cp37m-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "2e60414ea73231ddc90db54017c9323a", "sha256": "134e8291a97151b1ffeea09cb9ddde5238beb4e6d9dfb66657143d6990bfb865" }, "downloads": -1, "filename": "torch-1.3.1-cp37-none-macosx_10_7_x86_64.whl", "has_sig": false, "md5_digest": "2e60414ea73231ddc90db54017c9323a", "packagetype": "bdist_wheel", "python_version": "cp37", "requires_python": ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*, !=3.4.*", "size": 71060737, "upload_time": "2019-11-07T17:52:03", "upload_time_iso_8601": "2019-11-07T17:52:03.947398Z", "url": "https://files.pythonhosted.org/packages/7e/94/0ed9f7899aa0f5e7ff753a3a2b6944c146eef3f4cd51c59ab07c4575992b/torch-1.3.1-cp37-none-macosx_10_7_x86_64.whl", "yanked": false, "yanked_reason": null } ], "1.4.0": [ { "comment_text": "", "digests": { "md5": "0617a87c5fb4b3eb95b2ac132e6e0815", "sha256": "271d4d1e44df6ed57c530f8849b028447c62b8a19b8e8740dd9baa56e7f682c1" }, "downloads": -1, "filename": "torch-1.4.0-cp27-cp27m-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "0617a87c5fb4b3eb95b2ac132e6e0815", "packagetype": "bdist_wheel", "python_version": "cp27", "requires_python": ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*, !=3.4.*", "size": 753389800, "upload_time": "2020-01-15T23:22:37", "upload_time_iso_8601": "2020-01-15T23:22:37.856705Z", "url": "https://files.pythonhosted.org/packages/f6/6a/6c094d561eeee5c640422662bdb5e7291a458e4f6d0cc487fd25dab6e92e/torch-1.4.0-cp27-cp27m-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "4123b2526fac759c606d54772d3f6d13", "sha256": "6f2fd9eb8c7eaf38a982ab266dbbfba0f29fb643bc74e677d045d6f2595e4692" }, "downloads": -1, "filename": "torch-1.4.0-cp27-cp27mu-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "4123b2526fac759c606d54772d3f6d13", "packagetype": "bdist_wheel", "python_version": "cp27", "requires_python": ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*, !=3.4.*", "size": 753391891, "upload_time": "2020-01-15T23:23:57", "upload_time_iso_8601": "2020-01-15T23:23:57.356438Z", "url": "https://files.pythonhosted.org/packages/46/ca/306bb933a68b888ab1c20ede0342506b85857635f04fb55a56e53065579b/torch-1.4.0-cp27-cp27mu-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "cf057ac4935e4b066464d4ff2008bb42", "sha256": "30ce089475b287a37d6fbb8d71853e672edaf66699e3dd2eb19be6ce6296732a" }, "downloads": -1, "filename": "torch-1.4.0-cp27-none-macosx_10_7_x86_64.whl", "has_sig": false, "md5_digest": "cf057ac4935e4b066464d4ff2008bb42", "packagetype": "bdist_wheel", "python_version": "cp27", "requires_python": ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*, !=3.4.*", "size": 81099153, "upload_time": "2020-01-15T23:24:45", "upload_time_iso_8601": "2020-01-15T23:24:45.364795Z", "url": "https://files.pythonhosted.org/packages/e5/fc/738857432c0877008821aac85df30a276e8eebc812a749ac6fbbba0f4ea9/torch-1.4.0-cp27-none-macosx_10_7_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "fada40373ac16f4469a3e28f76b81723", "sha256": "54d06a0e8ee85e5a437c24f4af9f4196c819294c23ffb5914e177756f55f1829" }, "downloads": -1, "filename": "torch-1.4.0-cp35-cp35m-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "fada40373ac16f4469a3e28f76b81723", "packagetype": "bdist_wheel", "python_version": "cp35", "requires_python": ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*, !=3.4.*", "size": 753387272, "upload_time": "2020-01-15T23:25:41", "upload_time_iso_8601": "2020-01-15T23:25:41.334352Z", "url": "https://files.pythonhosted.org/packages/47/69/7a1291b74a3af0043db9048606daeb8b57cd9dea90b9df740485f3843878/torch-1.4.0-cp35-cp35m-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "3212ee08ad9f1dcbcbd161246348cca2", "sha256": "bb1e87063661414e1149bef2e3a2499ce0b5060290799d7e26bc5578037075ba" }, "downloads": -1, "filename": "torch-1.4.0-cp35-none-macosx_10_6_x86_64.whl", "has_sig": false, "md5_digest": "3212ee08ad9f1dcbcbd161246348cca2", "packagetype": "bdist_wheel", "python_version": "cp35", "requires_python": ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*, !=3.4.*", "size": 81087827, "upload_time": "2020-01-15T23:26:16", "upload_time_iso_8601": "2020-01-15T23:26:16.258819Z", "url": "https://files.pythonhosted.org/packages/a7/b7/8ceb6ddfe5af19b63b7f7cbfe45bbe323eb6fcc1a7e5480454f8b2f50e46/torch-1.4.0-cp35-none-macosx_10_6_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "c67a28d74847bfd493a28705d910d5d9", "sha256": "8856f334aa9ecb742c1504bd2563d0ffb8dceb97149c8d72a04afa357f667dbc" }, "downloads": -1, "filename": "torch-1.4.0-cp36-cp36m-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "c67a28d74847bfd493a28705d910d5d9", "packagetype": "bdist_wheel", "python_version": "cp36", "requires_python": ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*, !=3.4.*", "size": 753377187, "upload_time": "2020-01-15T23:27:06", "upload_time_iso_8601": "2020-01-15T23:27:06.931895Z", "url": "https://files.pythonhosted.org/packages/24/19/4804aea17cd136f1705a5e98a00618cb8f6ccc375ad8bfa437408e09d058/torch-1.4.0-cp36-cp36m-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "8a7191738523860cfbe4c908b734582d", "sha256": "9a1b1db73d8dcfd94b2eee24b939368742aa85f1217c55b8f5681e76c581e99a" }, "downloads": -1, "filename": "torch-1.4.0-cp36-none-macosx_10_9_x86_64.whl", "has_sig": false, "md5_digest": "8a7191738523860cfbe4c908b734582d", "packagetype": "bdist_wheel", "python_version": "cp36", "requires_python": ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*, !=3.4.*", "size": 81094892, "upload_time": "2020-01-15T23:27:39", "upload_time_iso_8601": "2020-01-15T23:27:39.243911Z", "url": "https://files.pythonhosted.org/packages/e1/17/95f76742a61cbf6e787314eb2e331729db5a3bde6c5924b4ebd9174bea54/torch-1.4.0-cp36-none-macosx_10_9_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "a72ce96fc8ed1a9355071d0baf5fbce6", "sha256": "8fff03bf7b474c16e4b50da65ea14200cc64553b67b9b2307f9dc7e8c69b9d28" }, "downloads": -1, "filename": "torch-1.4.0-cp37-cp37m-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "a72ce96fc8ed1a9355071d0baf5fbce6", "packagetype": "bdist_wheel", "python_version": "cp37", "requires_python": ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*, !=3.4.*", "size": 753400944, "upload_time": "2020-01-15T23:28:31", "upload_time_iso_8601": "2020-01-15T23:28:31.851803Z", "url": "https://files.pythonhosted.org/packages/1a/3b/fa92ece1e58a6a48ec598bab327f39d69808133e5b2fb33002ca754e381e/torch-1.4.0-cp37-cp37m-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "276fb286f7f6bc9a1a6cc26ab73952d0", "sha256": "405b9eb40e44037d2525b3ddb5bc4c66b519cd742bff249d4207d23f83e88ea5" }, "downloads": -1, "filename": "torch-1.4.0-cp37-none-macosx_10_9_x86_64.whl", "has_sig": false, "md5_digest": "276fb286f7f6bc9a1a6cc26ab73952d0", "packagetype": "bdist_wheel", "python_version": "cp37", "requires_python": ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*, !=3.4.*", "size": 81097567, "upload_time": "2020-01-15T23:29:06", "upload_time_iso_8601": "2020-01-15T23:29:06.347649Z", "url": "https://files.pythonhosted.org/packages/4a/72/0282449efe6e8a7ab6354ac990b8275bd8c881dcbf95b3ef0a041da3897b/torch-1.4.0-cp37-none-macosx_10_9_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "7b661f1b0fef9e1359756891ec5bad84", "sha256": "504915c6bc6051ba6a4c2a43c446463dff04411e352f1e26fe13debeae431778" }, "downloads": -1, "filename": "torch-1.4.0-cp38-cp38-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "7b661f1b0fef9e1359756891ec5bad84", "packagetype": "bdist_wheel", "python_version": "cp38", "requires_python": ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*, !=3.4.*", "size": 753427061, "upload_time": "2020-01-15T23:29:57", "upload_time_iso_8601": "2020-01-15T23:29:57.574558Z", "url": "https://files.pythonhosted.org/packages/bc/47/5b7c4f832b600779eed76cac86efbd5054f124bc919930aced51de2ccbb1/torch-1.4.0-cp38-cp38-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "e98441d976348b06ad815ab6b91a20df", "sha256": "d7b34a78f021935ad727a3bede56a8a8d4fda0b0272314a04c5f6890bbe7bb29" }, "downloads": -1, "filename": "torch-1.4.0-cp38-none-macosx_10_9_x86_64.whl", "has_sig": false, "md5_digest": "e98441d976348b06ad815ab6b91a20df", "packagetype": "bdist_wheel", "python_version": "cp38", "requires_python": ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*, !=3.4.*", "size": 81161751, "upload_time": "2020-01-28T23:17:17", "upload_time_iso_8601": "2020-01-28T23:17:17.742078Z", "url": "https://files.pythonhosted.org/packages/53/e1/f2ba65890bb3ed98eda66ec9195e97b9b1b5824117ff4c8ad3b3f298e464/torch-1.4.0-cp38-none-macosx_10_9_x86_64.whl", "yanked": false, "yanked_reason": null } ], "1.5.0": [ { "comment_text": "", "digests": { "md5": "d5aec245b6946b7043030cd8a06f1c6f", "sha256": "6fcfe5deaf0788bbe8639869d3c752ff5fe1bdedce11c7ed2d44379b1fbe6d6c" }, "downloads": -1, "filename": "torch-1.5.0-cp27-none-macosx_10_7_x86_64.whl", "has_sig": false, "md5_digest": "d5aec245b6946b7043030cd8a06f1c6f", "packagetype": "bdist_wheel", "python_version": "cp27", "requires_python": ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*, !=3.4.*, !=3.6.0", "size": 80534684, "upload_time": "2020-04-21T16:01:10", "upload_time_iso_8601": "2020-04-21T16:01:10.556261Z", "url": "https://files.pythonhosted.org/packages/9f/2f/055ad72a8b1f9eecfbbb28e2476b0a84736f37bb520a66387e6d8b19c6d4/torch-1.5.0-cp27-none-macosx_10_7_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "86e96038204939a135149d51a1857175", "sha256": "931b79aed9aba50bf314214be6efaaf7972ea9539a3d63f82622bc5860a1fd81" }, "downloads": -1, "filename": "torch-1.5.0-cp35-cp35m-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "86e96038204939a135149d51a1857175", "packagetype": "bdist_wheel", "python_version": "cp35", "requires_python": ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*, !=3.4.*, !=3.6.0", "size": 751996378, "upload_time": "2020-04-21T16:03:03", "upload_time_iso_8601": "2020-04-21T16:03:03.270772Z", "url": "https://files.pythonhosted.org/packages/29/2a/7ef31c8057c6679ad0019974dc9f6d0ad9dbd71d45eaa60f2e33f1b2baf8/torch-1.5.0-cp35-cp35m-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "ddd54b4de6102893aa9cc5f9f0446db3", "sha256": "7f3d6af2d7e2576b9640aa684f0c18a773efffe8b37f9056272287345c1dcba5" }, "downloads": -1, "filename": "torch-1.5.0-cp35-none-macosx_10_6_x86_64.whl", "has_sig": false, "md5_digest": "ddd54b4de6102893aa9cc5f9f0446db3", "packagetype": "bdist_wheel", "python_version": "cp35", "requires_python": ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*, !=3.4.*, !=3.6.0", "size": 80528482, "upload_time": "2020-04-21T16:01:22", "upload_time_iso_8601": "2020-04-21T16:01:22.310966Z", "url": "https://files.pythonhosted.org/packages/1d/04/42e82a3ea57491df8cc2de60b5706c949e502a49ea25d18d2cac44b778af/torch-1.5.0-cp35-none-macosx_10_6_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "b308f15adf5a4cb02adc61ff55587f46", "sha256": "dfaac4c5d27ac80705956743c34fb1ab5fb37e1646a6c8e45f05f7e739f6ea7c" }, "downloads": -1, "filename": "torch-1.5.0-cp36-cp36m-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "b308f15adf5a4cb02adc61ff55587f46", "packagetype": "bdist_wheel", "python_version": "cp36", "requires_python": ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*, !=3.4.*, !=3.6.0", "size": 751996309, "upload_time": "2020-04-21T16:04:35", "upload_time_iso_8601": "2020-04-21T16:04:35.145259Z", "url": "https://files.pythonhosted.org/packages/13/70/54e9fb010fe1547bc4774716f11ececb81ae5b306c05f090f4461ee13205/torch-1.5.0-cp36-cp36m-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "312c26d2eac87cdb02fb2567c43b2da2", "sha256": "402951484443bb49b5bc2129414ac6c644c07b8378e79922cf3645fd08cbfdc9" }, "downloads": -1, "filename": "torch-1.5.0-cp36-none-macosx_10_9_x86_64.whl", "has_sig": false, "md5_digest": "312c26d2eac87cdb02fb2567c43b2da2", "packagetype": "bdist_wheel", "python_version": "cp36", "requires_python": ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*, !=3.4.*, !=3.6.0", "size": 80535027, "upload_time": "2020-04-21T16:01:34", "upload_time_iso_8601": "2020-04-21T16:01:34.296516Z", "url": "https://files.pythonhosted.org/packages/c9/e0/12f7c10e6b932f5e5d39f4ed5697b41b7751443a652d8c1c031e12e197f0/torch-1.5.0-cp36-none-macosx_10_9_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "721faffd28ab15910229ea8654e5225b", "sha256": "865d4bec21542647e0822e8b753e05d67eee874974a3937273f710edd99a7516" }, "downloads": -1, "filename": "torch-1.5.0-cp37-cp37m-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "721faffd28ab15910229ea8654e5225b", "packagetype": "bdist_wheel", "python_version": "cp37", "requires_python": ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*, !=3.4.*, !=3.6.0", "size": 751988834, "upload_time": "2020-04-21T16:06:13", "upload_time_iso_8601": "2020-04-21T16:06:13.953863Z", "url": "https://files.pythonhosted.org/packages/76/58/668ffb25215b3f8231a550a227be7f905f514859c70a65ca59d28f9b7f60/torch-1.5.0-cp37-cp37m-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "96ad481c3547cc83ce8c39473d0f32ca", "sha256": "3cc72d36eaeda96488e3a29373f739b887338952417b3e1620871063bf5d14d2" }, "downloads": -1, "filename": "torch-1.5.0-cp37-none-macosx_10_9_x86_64.whl", "has_sig": false, "md5_digest": "96ad481c3547cc83ce8c39473d0f32ca", "packagetype": "bdist_wheel", "python_version": "cp37", "requires_python": ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*, !=3.4.*, !=3.6.0", "size": 80535644, "upload_time": "2020-04-21T16:01:46", "upload_time_iso_8601": "2020-04-21T16:01:46.378351Z", "url": "https://files.pythonhosted.org/packages/59/6f/cdee668c94f5efb3745e9485765fd6b4918a855f7d36c0514ddf38daaddf/torch-1.5.0-cp37-none-macosx_10_9_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "6a3a9c23e3103c9f11d5ce4fd49a5085", "sha256": "ecdc2ea4011e3ec04937b6b9e803ab671c3ac04e81b1df20354e01453e508b2f" }, "downloads": -1, "filename": "torch-1.5.0-cp38-cp38-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "6a3a9c23e3103c9f11d5ce4fd49a5085", "packagetype": "bdist_wheel", "python_version": "cp38", "requires_python": ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*, !=3.4.*, !=3.6.0", "size": 751997665, "upload_time": "2020-04-21T16:07:50", "upload_time_iso_8601": "2020-04-21T16:07:50.667890Z", "url": "https://files.pythonhosted.org/packages/ec/77/6de2895b3f0953f5e4bd9c7bb3f04552124051d1c0eb66697354aa510bf9/torch-1.5.0-cp38-cp38-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "8b5172c6e1b5046fcd5d9071f6198048", "sha256": "cb4412c6b00117ab5e014d07dac45b87f1e918e31fbb849e7e39f1f9140fff59" }, "downloads": -1, "filename": "torch-1.5.0-cp38-none-macosx_10_9_x86_64.whl", "has_sig": false, "md5_digest": "8b5172c6e1b5046fcd5d9071f6198048", "packagetype": "bdist_wheel", "python_version": "cp38", "requires_python": ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*, !=3.4.*, !=3.6.0", "size": 80588867, "upload_time": "2020-04-21T16:01:57", "upload_time_iso_8601": "2020-04-21T16:01:57.697213Z", "url": "https://files.pythonhosted.org/packages/5c/8a/a64859cbcfc0f7cfe15130ebcb8d70701936c7520036fbc379bee565c395/torch-1.5.0-cp38-none-macosx_10_9_x86_64.whl", "yanked": false, "yanked_reason": null } ], "1.5.1": [ { "comment_text": "", "digests": { "md5": "91685ffb374a0522f6cf32926937b148", "sha256": "b84fd18fd8216b74a19828433c3beeb1f0d1d29f45dead3be9ed784ae6855966" }, "downloads": -1, "filename": "torch-1.5.1-cp35-cp35m-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "91685ffb374a0522f6cf32926937b148", "packagetype": "bdist_wheel", "python_version": "cp35", "requires_python": ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*, !=3.4.*, !=3.6.0", "size": 753155350, "upload_time": "2020-06-18T16:31:41", "upload_time_iso_8601": "2020-06-18T16:31:41.179117Z", "url": "https://files.pythonhosted.org/packages/77/0c/c70f85961ad643801e82276087c8d816ae9b3d9119645313232b73840579/torch-1.5.1-cp35-cp35m-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "904eee2723bd74d2259b118dec0454e3", "sha256": "5d909a55cd979fec2c9a7aa35012024b9cc106acbc496faf5de798b148406450" }, "downloads": -1, "filename": "torch-1.5.1-cp35-none-macosx_10_6_x86_64.whl", "has_sig": false, "md5_digest": "904eee2723bd74d2259b118dec0454e3", "packagetype": "bdist_wheel", "python_version": "cp35", "requires_python": ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*, !=3.4.*, !=3.6.0", "size": 80534200, "upload_time": "2020-06-18T16:29:35", "upload_time_iso_8601": "2020-06-18T16:29:35.583440Z", "url": "https://files.pythonhosted.org/packages/f1/fd/65e6551b9d09b9e796af9aec9129eae8b105d3f416d1fb39e3b85d29bcf5/torch-1.5.1-cp35-none-macosx_10_6_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "90c54ca5a836b720a8a8d6dc45b02719", "sha256": "a358cee1d35b86757bf915e320ba776d39c20e60db50779060842efc86f02edd" }, "downloads": -1, "filename": "torch-1.5.1-cp36-cp36m-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "90c54ca5a836b720a8a8d6dc45b02719", "packagetype": "bdist_wheel", "python_version": "cp36", "requires_python": ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*, !=3.4.*, !=3.6.0", "size": 753153102, "upload_time": "2020-06-18T16:33:18", "upload_time_iso_8601": "2020-06-18T16:33:18.856917Z", "url": "https://files.pythonhosted.org/packages/62/01/457b49d790b6c4b9720e6f9dbbb617692f6ce8afdaadf425c055c41a7416/torch-1.5.1-cp36-cp36m-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "497f337a20f14b378957993a8ad99587", "sha256": "0a83f41140222c7cc947aa29ed253f3e6fa490606d3d4acd02bfd9f338e3c707" }, "downloads": -1, "filename": "torch-1.5.1-cp36-none-macosx_10_9_x86_64.whl", "has_sig": false, "md5_digest": "497f337a20f14b378957993a8ad99587", "packagetype": "bdist_wheel", "python_version": "cp36", "requires_python": ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*, !=3.4.*, !=3.6.0", "size": 80539621, "upload_time": "2020-06-18T16:29:53", "upload_time_iso_8601": "2020-06-18T16:29:53.548388Z", "url": "https://files.pythonhosted.org/packages/85/e2/690ecae13b307cc676fd115a2e756688b83a6a6dec0c093c123777396b43/torch-1.5.1-cp36-none-macosx_10_9_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "d579460711f1909ec31460feed7b6cec", "sha256": "70046cf66eb40ead89df25b8dcc571c3007fc9849d4e1d254cc09b4b355374d4" }, "downloads": -1, "filename": "torch-1.5.1-cp37-cp37m-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "d579460711f1909ec31460feed7b6cec", "packagetype": "bdist_wheel", "python_version": "cp37", "requires_python": ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*, !=3.4.*, !=3.6.0", "size": 753158209, "upload_time": "2020-06-18T16:34:52", "upload_time_iso_8601": "2020-06-18T16:34:52.878856Z", "url": "https://files.pythonhosted.org/packages/a4/cf/007b6de316c9f3d4cb315a60c308342cc299e464167f5ebc369e93b5e23a/torch-1.5.1-cp37-cp37m-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "e83e872eb21fdc4b9693d0c3bf59a30a", "sha256": "bb2a3e6c9c9dbfda856bd1b1a55d88789a9488b569ffba9cd6d9aa536ef866ba" }, "downloads": -1, "filename": "torch-1.5.1-cp37-none-macosx_10_9_x86_64.whl", "has_sig": false, "md5_digest": "e83e872eb21fdc4b9693d0c3bf59a30a", "packagetype": "bdist_wheel", "python_version": "cp37", "requires_python": ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*, !=3.4.*, !=3.6.0", "size": 80539965, "upload_time": "2020-06-18T16:30:04", "upload_time_iso_8601": "2020-06-18T16:30:04.355631Z", "url": "https://files.pythonhosted.org/packages/5d/ad/51da3af99a515c31226f50c37d85e63423f9e28174c2984e11e4fb47ae01/torch-1.5.1-cp37-none-macosx_10_9_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "536ace9648fdb4d4c7855cfc9464c985", "sha256": "c42658f2982591dc4d0459645c9ab26e0ce18aa7ab0993c27c8bcb1c98931d11" }, "downloads": -1, "filename": "torch-1.5.1-cp38-cp38-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "536ace9648fdb4d4c7855cfc9464c985", "packagetype": "bdist_wheel", "python_version": "cp38", "requires_python": ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*, !=3.4.*, !=3.6.0", "size": 753167844, "upload_time": "2020-06-18T16:36:36", "upload_time_iso_8601": "2020-06-18T16:36:36.348250Z", "url": "https://files.pythonhosted.org/packages/bd/be/3093d92b543a84e7dc0731f9c5b4e8ffe3c6e3b52f0d7bf3a5aa360ba305/torch-1.5.1-cp38-cp38-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "9c4b24598a4d470baf1bb4e6c36b85ea", "sha256": "ff1dbeaa017bae66036e8e7a698a5475ac5a0d7b0a690f0a04ac3b1133b1feb3" }, "downloads": -1, "filename": "torch-1.5.1-cp38-none-macosx_10_9_x86_64.whl", "has_sig": false, "md5_digest": "9c4b24598a4d470baf1bb4e6c36b85ea", "packagetype": "bdist_wheel", "python_version": "cp38", "requires_python": ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*, !=3.4.*, !=3.6.0", "size": 80594040, "upload_time": "2020-06-18T16:30:18", "upload_time_iso_8601": "2020-06-18T16:30:18.854654Z", "url": "https://files.pythonhosted.org/packages/99/d4/799d207b2006ae317d117b44e47854ab65ab69789aed85734d41c39a2d48/torch-1.5.1-cp38-none-macosx_10_9_x86_64.whl", "yanked": false, "yanked_reason": null } ], "1.6.0": [ { "comment_text": "", "digests": { "md5": "478d03aac621ca16de4ca982fa4eecb4", "sha256": "7669f4d923b5758e28b521ea749c795ed67ff24b45ba20296bc8cff706d08df8" }, "downloads": -1, "filename": "torch-1.6.0-cp36-cp36m-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "478d03aac621ca16de4ca982fa4eecb4", "packagetype": "bdist_wheel", "python_version": "cp36", "requires_python": ">=3.6.1", "size": 748803707, "upload_time": "2020-07-28T15:52:16", "upload_time_iso_8601": "2020-07-28T15:52:16.526778Z", "url": "https://files.pythonhosted.org/packages/38/53/914885a93a44b96c0dd1c36f36ff10afe341f091230aad68f7228d61db1e/torch-1.6.0-cp36-cp36m-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "5bf45c36eb9cd5d5a8e45e97551e961e", "sha256": "728facb972a5952323c6d790c2c5922b2b35c44b0bc7bdfa02f8639727671a0c" }, "downloads": -1, "filename": "torch-1.6.0-cp36-none-macosx_10_9_x86_64.whl", "has_sig": false, "md5_digest": "5bf45c36eb9cd5d5a8e45e97551e961e", "packagetype": "bdist_wheel", "python_version": "cp36", "requires_python": ">=3.6.1", "size": 97419868, "upload_time": "2020-07-28T15:50:50", "upload_time_iso_8601": "2020-07-28T15:50:50.545999Z", "url": "https://files.pythonhosted.org/packages/c6/80/c194bc40b4b146ffdc253441c2153fe30032ee1fedd96c6421bbfa2a9ded/torch-1.6.0-cp36-none-macosx_10_9_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "8f7c14fdbdffb71957ac9be68604ba81", "sha256": "87d65c01d1b70bb46070824f28bfd93c86d3c5c56b90cbbe836a3f2491d91c76" }, "downloads": -1, "filename": "torch-1.6.0-cp37-cp37m-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "8f7c14fdbdffb71957ac9be68604ba81", "packagetype": "bdist_wheel", "python_version": "cp37", "requires_python": ">=3.6.1", "size": 748807916, "upload_time": "2020-07-28T15:53:31", "upload_time_iso_8601": "2020-07-28T15:53:31.097555Z", "url": "https://files.pythonhosted.org/packages/5d/5e/35140615fc1f925023f489e71086a9ecc188053d263d3594237281284d82/torch-1.6.0-cp37-cp37m-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "2d986e543317106198a323b2f4cb215a", "sha256": "3838bd01af7dfb1f78573973f6842ce75b17e8e4f22be99c891dcb7c94bc13f5" }, "downloads": -1, "filename": "torch-1.6.0-cp37-none-macosx_10_9_x86_64.whl", "has_sig": false, "md5_digest": "2d986e543317106198a323b2f4cb215a", "packagetype": "bdist_wheel", "python_version": "cp37", "requires_python": ">=3.6.1", "size": 97420854, "upload_time": "2020-07-28T15:51:03", "upload_time_iso_8601": "2020-07-28T15:51:03.954786Z", "url": "https://files.pythonhosted.org/packages/58/26/6b86448bda61c1ce463ad2c962641a933113f4496de16085df41217cdccc/torch-1.6.0-cp37-none-macosx_10_9_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "2995294e1c73405ae056a173e2ec3f51", "sha256": "5357873e243bcfa804c32dc341f564e9a4c12addfc9baae4ee857fcc09a0a216" }, "downloads": -1, "filename": "torch-1.6.0-cp38-cp38-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "2995294e1c73405ae056a173e2ec3f51", "packagetype": "bdist_wheel", "python_version": "cp38", "requires_python": ">=3.6.1", "size": 748809200, "upload_time": "2020-07-28T15:54:51", "upload_time_iso_8601": "2020-07-28T15:54:51.147069Z", "url": "https://files.pythonhosted.org/packages/8c/5d/faf0d8ac260c7f1eda7d063001c137da5223be1c137658384d2d45dcd0d5/torch-1.6.0-cp38-cp38-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "da4572d5b7298a26403f28763bb38764", "sha256": "4f9a4ad7947cef566afb0a323d99009fe8524f0b0f2ca1fb7ad5de0400381a5b" }, "downloads": -1, "filename": "torch-1.6.0-cp38-none-macosx_10_9_x86_64.whl", "has_sig": false, "md5_digest": "da4572d5b7298a26403f28763bb38764", "packagetype": "bdist_wheel", "python_version": "cp38", "requires_python": ">=3.6.1", "size": 97481254, "upload_time": "2020-07-28T15:51:17", "upload_time_iso_8601": "2020-07-28T15:51:17.310535Z", "url": "https://files.pythonhosted.org/packages/76/ad/d30381549db0ecfd2c89db746be50515f4f54d8ce1347d95d16211b45658/torch-1.6.0-cp38-none-macosx_10_9_x86_64.whl", "yanked": false, "yanked_reason": null } ], "1.7.0": [ { "comment_text": "", "digests": { "md5": "0f5d7539619e27713adfc0f501aec507", "sha256": "6b0c9b56cb56afe3ecbac79351d21c6f7172dffc7b7daa8c365f660541baf1a5" }, "downloads": -1, "filename": "torch-1.7.0-cp36-cp36m-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "0f5d7539619e27713adfc0f501aec507", "packagetype": "bdist_wheel", "python_version": "cp36", "requires_python": ">=3.6.1", "size": 776735117, "upload_time": "2020-10-27T15:58:18", "upload_time_iso_8601": "2020-10-27T15:58:18.211724Z", "url": "https://files.pythonhosted.org/packages/80/2a/58f8078744e0408619c63148f7a2e8e48cf007e4146b74d4bb67c56d161b/torch-1.7.0-cp36-cp36m-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "6779ffad75c1e04fb47b555496073e03", "sha256": "b609b30b09627409612461b247531cf50894256e8b026105f1bc3858d67c2fa7" }, "downloads": -1, "filename": "torch-1.7.0-cp36-cp36m-win_amd64.whl", "has_sig": false, "md5_digest": "6779ffad75c1e04fb47b555496073e03", "packagetype": "bdist_wheel", "python_version": "cp36", "requires_python": ">=3.6.1", "size": 183953842, "upload_time": "2020-12-04T02:00:03", "upload_time_iso_8601": "2020-12-04T02:00:03.623785Z", "url": "https://files.pythonhosted.org/packages/e8/41/809e807bc34e541c9da87330dc79da742fe8a6e24a130c3a62df19862f48/torch-1.7.0-cp36-cp36m-win_amd64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "129c5df7a6f0f430c5fb2e394e7f2321", "sha256": "e8cc3b2c3937b7ae036a3b447a189af049bfc006bca054fc1d8ae78766ca3105" }, "downloads": -1, "filename": "torch-1.7.0-cp36-none-macosx_10_9_x86_64.whl", "has_sig": false, "md5_digest": "129c5df7a6f0f430c5fb2e394e7f2321", "packagetype": "bdist_wheel", "python_version": "cp36", "requires_python": ">=3.6.1", "size": 108023054, "upload_time": "2020-10-27T15:49:06", "upload_time_iso_8601": "2020-10-27T15:49:06.895232Z", "url": "https://files.pythonhosted.org/packages/95/37/6ee116858f016f1bf1123664142978941df88002f159168be9b709ac0d6c/torch-1.7.0-cp36-none-macosx_10_9_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "32a0722866425cac9182466b610d17e4", "sha256": "1520c48430dea38e5845b7b3defc9054edad45f1f245808aa268ade840bb2c2a" }, "downloads": -1, "filename": "torch-1.7.0-cp37-cp37m-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "32a0722866425cac9182466b610d17e4", "packagetype": "bdist_wheel", "python_version": "cp37", "requires_python": ">=3.6.1", "size": 776746934, "upload_time": "2020-10-27T16:06:03", "upload_time_iso_8601": "2020-10-27T16:06:03.347013Z", "url": "https://files.pythonhosted.org/packages/d9/74/d52c014fbfb50aefc084d2bf5ffaa0a8456f69c586782b59f93ef45e2da9/torch-1.7.0-cp37-cp37m-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "38f5a18f1fa7fa6f17041a9f45c5a032", "sha256": "a29a7aab6fa161259219c8aaa88b25abbf214ec098a002c4499660c23e0f6c33" }, "downloads": -1, "filename": "torch-1.7.0-cp37-cp37m-win_amd64.whl", "has_sig": false, "md5_digest": "38f5a18f1fa7fa6f17041a9f45c5a032", "packagetype": "bdist_wheel", "python_version": "cp37", "requires_python": ">=3.6.1", "size": 183954625, "upload_time": "2020-12-04T02:03:17", "upload_time_iso_8601": "2020-12-04T02:03:17.617972Z", "url": "https://files.pythonhosted.org/packages/24/44/2b66a46b8ce7895a96db1a6dc525d9a9910353f7ca323bf04d0753603f18/torch-1.7.0-cp37-cp37m-win_amd64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "0c14de22d444edece234510d06e3d497", "sha256": "89cb8774243750bd3fd2b3b3d09bab6e3be68b1785ad48b8411f1eb4fc7acdba" }, "downloads": -1, "filename": "torch-1.7.0-cp37-none-macosx_10_9_x86_64.whl", "has_sig": false, "md5_digest": "0c14de22d444edece234510d06e3d497", "packagetype": "bdist_wheel", "python_version": "cp37", "requires_python": ">=3.6.1", "size": 108014872, "upload_time": "2020-10-27T15:51:43", "upload_time_iso_8601": "2020-10-27T15:51:43.978787Z", "url": "https://files.pythonhosted.org/packages/fe/cc/544a31511a36e0ace9e7c19b9cccc2385ff37b1f5d9d341bd4e1728a8a6f/torch-1.7.0-cp37-none-macosx_10_9_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "11705fb220e72c523f85e432b1d00718", "sha256": "11054f26eee5c3114d217201dba5b3a35f1745d11133c123c077c5981bc95997" }, "downloads": -1, "filename": "torch-1.7.0-cp38-cp38-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "11705fb220e72c523f85e432b1d00718", "packagetype": "bdist_wheel", "python_version": "cp38", "requires_python": ">=3.6.1", "size": 776765479, "upload_time": "2020-10-27T16:13:30", "upload_time_iso_8601": "2020-10-27T16:13:30.442780Z", "url": "https://files.pythonhosted.org/packages/05/2d/bb4611cf053eaa679f6086b78cff2776ff1d51a15fe5e063cdcbfc6b5577/torch-1.7.0-cp38-cp38-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "5cc04343026397d9ba6d8adf9168cb58", "sha256": "83538fd7920bd02c8b6403ebe4ecee3e0641fe7bb6a18efc4585d2e1375ad1de" }, "downloads": -1, "filename": "torch-1.7.0-cp38-cp38m-win_amd64.whl", "has_sig": false, "md5_digest": "5cc04343026397d9ba6d8adf9168cb58", "packagetype": "bdist_wheel", "python_version": "cp38", "requires_python": ">=3.6.1", "size": 183965635, "upload_time": "2020-12-04T02:06:51", "upload_time_iso_8601": "2020-12-04T02:06:51.012976Z", "url": "https://files.pythonhosted.org/packages/8e/57/3066077aa16a852f3da0239796fa487baba0104ca2eb26f9ca4f56a7a86d/torch-1.7.0-cp38-cp38m-win_amd64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "0b339098929010e952ad12a9f0b4c1ff", "sha256": "b8000e39600e101b2f19dbbab75de663a3b78e3979c3e1720b7136aae1c35ce2" }, "downloads": -1, "filename": "torch-1.7.0-cp38-none-macosx_10_9_x86_64.whl", "has_sig": false, "md5_digest": "0b339098929010e952ad12a9f0b4c1ff", "packagetype": "bdist_wheel", "python_version": "cp38", "requires_python": ">=3.6.1", "size": 108084471, "upload_time": "2020-10-27T15:53:34", "upload_time_iso_8601": "2020-10-27T15:53:34.010793Z", "url": "https://files.pythonhosted.org/packages/e0/8e/b15082866a263258b7850b42316d735229e23d3387480e5850897f8f39f1/torch-1.7.0-cp38-none-macosx_10_9_x86_64.whl", "yanked": false, "yanked_reason": null } ], "1.7.1": [ { "comment_text": "", "digests": { "md5": "f5f68a1c88846f7bb026160a0a6b7da6", "sha256": "422e64e98d0e100c360993819d0307e5d56e9517b26135808ad68984d577d75a" }, "downloads": -1, "filename": "torch-1.7.1-cp36-cp36m-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "f5f68a1c88846f7bb026160a0a6b7da6", "packagetype": "bdist_wheel", "python_version": "cp36", "requires_python": ">=3.6.2", "size": 776793161, "upload_time": "2020-12-10T16:22:02", "upload_time_iso_8601": "2020-12-10T16:22:02.769941Z", "url": "https://files.pythonhosted.org/packages/90/4f/acf48b3a18a8f9223c6616647f0a011a5713a985336088d7c76f3a211374/torch-1.7.1-cp36-cp36m-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "4238a82c02d280429c03ac28f0872108", "sha256": "f0aaf657145533824b15f2fd8fde8f8c67fe6c6281088ef588091f03fad90243" }, "downloads": -1, "filename": "torch-1.7.1-cp36-cp36m-win_amd64.whl", "has_sig": false, "md5_digest": "4238a82c02d280429c03ac28f0872108", "packagetype": "bdist_wheel", "python_version": "cp36", "requires_python": ">=3.6.2", "size": 184113494, "upload_time": "2020-12-10T17:41:06", "upload_time_iso_8601": "2020-12-10T17:41:06.489194Z", "url": "https://files.pythonhosted.org/packages/60/fa/debcf7dcebf446f6ae6ec89177787adefaa1a828027873d961116d9e18f5/torch-1.7.1-cp36-cp36m-win_amd64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "b02a0eb125e1f1c1ad2cc0aac178a347", "sha256": "af464a6f4314a875035e0c4c2b07517599704b214634f4ed3ad2e748c5ef291f" }, "downloads": -1, "filename": "torch-1.7.1-cp36-none-macosx_10_9_x86_64.whl", "has_sig": false, "md5_digest": "b02a0eb125e1f1c1ad2cc0aac178a347", "packagetype": "bdist_wheel", "python_version": "cp36", "requires_python": ">=3.6.2", "size": 108840394, "upload_time": "2020-12-10T16:19:45", "upload_time_iso_8601": "2020-12-10T16:19:45.523227Z", "url": "https://files.pythonhosted.org/packages/b6/01/fffb29c3892d80801bc6400e07c90b8fa6cd5f3db5ce9d7ca8068e14e0b2/torch-1.7.1-cp36-none-macosx_10_9_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "e182d9906df8e9de077acdc1ff4e9971", "sha256": "5d76c255a41484c1d41a9ff570b9c9f36cb85df9428aa15a58ae16ac7cfc2ea6" }, "downloads": -1, "filename": "torch-1.7.1-cp37-cp37m-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "e182d9906df8e9de077acdc1ff4e9971", "packagetype": "bdist_wheel", "python_version": "cp37", "requires_python": ">=3.6.2", "size": 776803795, "upload_time": "2020-12-10T16:23:37", "upload_time_iso_8601": "2020-12-10T16:23:37.812240Z", "url": "https://files.pythonhosted.org/packages/90/5d/095ddddc91c8a769a68c791c019c5793f9c4456a688ddd235d6670924ecb/torch-1.7.1-cp37-cp37m-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "506524b81f0f9148770a5789ac747bb9", "sha256": "d241c3f1c4d563e4ba86f84769c23e12606db167ee6f674eedff6d02901462e3" }, "downloads": -1, "filename": "torch-1.7.1-cp37-cp37m-win_amd64.whl", "has_sig": false, "md5_digest": "506524b81f0f9148770a5789ac747bb9", "packagetype": "bdist_wheel", "python_version": "cp37", "requires_python": ">=3.6.2", "size": 184115601, "upload_time": "2020-12-10T17:41:22", "upload_time_iso_8601": "2020-12-10T17:41:22.930888Z", "url": "https://files.pythonhosted.org/packages/5d/9f/68a18d38927ccf56f30062344b2f1e439dc293610711958b249c0a1f7606/torch-1.7.1-cp37-cp37m-win_amd64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "d25b2ac9971459b9d2f5dff767f82aa2", "sha256": "de84b4166e3f7335eb868b51d3bbd909ec33828af27290b4171bce832a55be3c" }, "downloads": -1, "filename": "torch-1.7.1-cp37-none-macosx_10_9_x86_64.whl", "has_sig": false, "md5_digest": "d25b2ac9971459b9d2f5dff767f82aa2", "packagetype": "bdist_wheel", "python_version": "cp37", "requires_python": ">=3.6.2", "size": 108839550, "upload_time": "2020-12-10T16:20:02", "upload_time_iso_8601": "2020-12-10T16:20:02.781504Z", "url": "https://files.pythonhosted.org/packages/96/5f/d2157c05a2ff941a5c221982c28311802e1cde3c1b0279fc5cac17b0f39f/torch-1.7.1-cp37-none-macosx_10_9_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "c33da4aee425113a3eb27520076577bc", "sha256": "dd2fc6880c95e836960d86efbbc7f63d3287f2e1893c51d31f96dbfe02f0d73e" }, "downloads": -1, "filename": "torch-1.7.1-cp38-cp38-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "c33da4aee425113a3eb27520076577bc", "packagetype": "bdist_wheel", "python_version": "cp38", "requires_python": ">=3.6.2", "size": 776818711, "upload_time": "2020-12-10T16:25:21", "upload_time_iso_8601": "2020-12-10T16:25:21.071589Z", "url": "https://files.pythonhosted.org/packages/1d/a9/f349273a0327fdf20a73188c9c3aa7dbce68f86fad422eadd366fd2ed7a0/torch-1.7.1-cp38-cp38-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "dc517ae42a0c58cbe3f09029ea1918ba", "sha256": "e000b94be3aa58ad7f61e7d07cf379ea9366cf6c6874e68bd58ad0bdc537b3a7" }, "downloads": -1, "filename": "torch-1.7.1-cp38-cp38-win_amd64.whl", "has_sig": false, "md5_digest": "dc517ae42a0c58cbe3f09029ea1918ba", "packagetype": "bdist_wheel", "python_version": "cp38", "requires_python": ">=3.6.2", "size": 183980659, "upload_time": "2020-12-10T17:41:37", "upload_time_iso_8601": "2020-12-10T17:41:37.888528Z", "url": "https://files.pythonhosted.org/packages/b3/d1/a5eaef4fadbee9e31133b364a143aab54133fee5e6087e84c6a8f883b0f1/torch-1.7.1-cp38-cp38-win_amd64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "fc016f9c5b0e6fdff980334adb0c93bc", "sha256": "2e49cac969976be63117004ee00d0a3e3dd4ea662ad77383f671b8992825de1a" }, "downloads": -1, "filename": "torch-1.7.1-cp38-none-macosx_10_9_x86_64.whl", "has_sig": false, "md5_digest": "fc016f9c5b0e6fdff980334adb0c93bc", "packagetype": "bdist_wheel", "python_version": "cp38", "requires_python": ">=3.6.2", "size": 108899856, "upload_time": "2020-12-10T16:20:20", "upload_time_iso_8601": "2020-12-10T16:20:20.805385Z", "url": "https://files.pythonhosted.org/packages/19/6f/19213dd7c209acdd7f4a0b5a48cf47a117e6676704b0ed1831acc13f620a/torch-1.7.1-cp38-none-macosx_10_9_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "96fc74acb4b4bbc3bdbfc542efd1d7ce", "sha256": "a3793dcceb12b1e2281290cca1277c5ce86ddfd5bf044f654285a4d69057aea7" }, "downloads": -1, "filename": "torch-1.7.1-cp39-cp39-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "96fc74acb4b4bbc3bdbfc542efd1d7ce", "packagetype": "bdist_wheel", "python_version": "cp39", "requires_python": ">=3.6.2", "size": 776799344, "upload_time": "2020-12-10T16:26:59", "upload_time_iso_8601": "2020-12-10T16:26:59.384953Z", "url": "https://files.pythonhosted.org/packages/41/f4/4da4f26a04d93851e481e76ec17fed0d152a1691e8f1142ad763c9f07997/torch-1.7.1-cp39-cp39-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "9000ee5ae99e67e239b213403bab43e5", "sha256": "6652a767a0572ae0feb74ad128758e507afd3b8396b6e7f147e438ba8d4c6f63" }, "downloads": -1, "filename": "torch-1.7.1-cp39-cp39-win_amd64.whl", "has_sig": false, "md5_digest": "9000ee5ae99e67e239b213403bab43e5", "packagetype": "bdist_wheel", "python_version": "cp39", "requires_python": ">=3.6.2", "size": 183990457, "upload_time": "2020-12-10T17:41:51", "upload_time_iso_8601": "2020-12-10T17:41:51.722303Z", "url": "https://files.pythonhosted.org/packages/d6/c1/70f2fd464a895844a9bf4cf1d93b09eb6cd5edf8274d19a7fed2ed6c4cc3/torch-1.7.1-cp39-cp39-win_amd64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "43309767e54e82ebb318794dd823dcda", "sha256": "38d67f4fb189a92a977b2c0a38e4f6dd413e0bf55aa6d40004696df7e40a71ff" }, "downloads": -1, "filename": "torch-1.7.1-cp39-none-macosx_10_9_x86_64.whl", "has_sig": false, "md5_digest": "43309767e54e82ebb318794dd823dcda", "packagetype": "bdist_wheel", "python_version": "cp39", "requires_python": ">=3.6.2", "size": 109993523, "upload_time": "2020-12-10T16:20:36", "upload_time_iso_8601": "2020-12-10T16:20:36.388902Z", "url": "https://files.pythonhosted.org/packages/79/c8/7f7843dcbaf2263918d257e8022770be577a3d7587dd0ddf8171947eabb4/torch-1.7.1-cp39-none-macosx_10_9_x86_64.whl", "yanked": false, "yanked_reason": null } ], "1.8.0": [ { "comment_text": "", "digests": { "md5": "07b26526d546c15ea8bc942fb25c4283", "sha256": "78b84115fd03f4587382a38b0da98cdd1827117806c80ebf97843a64213816cc" }, "downloads": -1, "filename": "torch-1.8.0-cp36-cp36m-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "07b26526d546c15ea8bc942fb25c4283", "packagetype": "bdist_wheel", "python_version": "cp36", "requires_python": ">=3.6.2", "size": 735491261, "upload_time": "2021-03-04T20:36:11", "upload_time_iso_8601": "2021-03-04T20:36:11.168436Z", "url": "https://files.pythonhosted.org/packages/46/99/8b658e5095b9fb02e38ccb7ecc931eb1a03b5160d77148aecf68f8a7eeda/torch-1.8.0-cp36-cp36m-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "99c48ac128e398ddc127b028fe7e7682", "sha256": "86f13f324fd87870bd0d37864f4f5814dc27f9e7ed9ea222f1cc7d7dc01a8ffe" }, "downloads": -1, "filename": "torch-1.8.0-cp36-cp36m-manylinux2014_aarch64.whl", "has_sig": false, "md5_digest": "99c48ac128e398ddc127b028fe7e7682", "packagetype": "bdist_wheel", "python_version": "cp36", "requires_python": ">=3.6.2", "size": 45307248, "upload_time": "2021-03-04T17:48:27", "upload_time_iso_8601": "2021-03-04T17:48:27.789697Z", "url": "https://files.pythonhosted.org/packages/f6/df/f74f740474e39d2bae8203919b9feebffa197495300b573121618f7e97f4/torch-1.8.0-cp36-cp36m-manylinux2014_aarch64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "0df05bca476557ff196494c34e63269a", "sha256": "394a99d777e487e773e0172cb0a0bce5b411e3090d89844e8dd55618be9bc970" }, "downloads": -1, "filename": "torch-1.8.0-cp36-cp36m-win_amd64.whl", "has_sig": false, "md5_digest": "0df05bca476557ff196494c34e63269a", "packagetype": "bdist_wheel", "python_version": "cp36", "requires_python": ">=3.6.2", "size": 190505037, "upload_time": "2021-03-04T20:56:43", "upload_time_iso_8601": "2021-03-04T20:56:43.863596Z", "url": "https://files.pythonhosted.org/packages/cf/43/f9ee2af2e0276bdacb80847a1f67f0d1b06310a8673f19189248b6ca5df1/torch-1.8.0-cp36-cp36m-win_amd64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "daf69cdc45605ad2bb0a5946a23deea0", "sha256": "229a8dc38059ef6c7171f3f4f49c51e8a3d9644ce6c32dcddd9f1bac888a78aa" }, "downloads": -1, "filename": "torch-1.8.0-cp36-none-macosx_10_9_x86_64.whl", "has_sig": false, "md5_digest": "daf69cdc45605ad2bb0a5946a23deea0", "packagetype": "bdist_wheel", "python_version": "cp36", "requires_python": ">=3.6.2", "size": 119506709, "upload_time": "2021-03-04T17:05:59", "upload_time_iso_8601": "2021-03-04T17:05:59.507981Z", "url": "https://files.pythonhosted.org/packages/f4/b1/882bf8573f31ca331ae4fceb3e1b63422c85420290677eba04e2f6c5e708/torch-1.8.0-cp36-none-macosx_10_9_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "16be9d47c9bb8221a166e618d3e63548", "sha256": "6ecdbd4494b4bf2d31a24ddfbdff32bd995389bc8662a454bd40d3e8ce202907" }, "downloads": -1, "filename": "torch-1.8.0-cp37-cp37m-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "16be9d47c9bb8221a166e618d3e63548", "packagetype": "bdist_wheel", "python_version": "cp37", "requires_python": ">=3.6.2", "size": 735494141, "upload_time": "2021-03-04T20:37:38", "upload_time_iso_8601": "2021-03-04T20:37:38.312952Z", "url": "https://files.pythonhosted.org/packages/94/99/5861239a6e1ffe66e120f114a4d67e96e5c4b17c1a785dfc6ca6769585fc/torch-1.8.0-cp37-cp37m-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "f893361da0407f1e5db7c56327d4b70a", "sha256": "08aff0383e868f1e9882b732bbe6934defab690ad1745a03d5f1a150a4e1aeba" }, "downloads": -1, "filename": "torch-1.8.0-cp37-cp37m-manylinux2014_aarch64.whl", "has_sig": false, "md5_digest": "f893361da0407f1e5db7c56327d4b70a", "packagetype": "bdist_wheel", "python_version": "cp37", "requires_python": ">=3.6.2", "size": 45308978, "upload_time": "2021-03-04T17:48:33", "upload_time_iso_8601": "2021-03-04T17:48:33.962728Z", "url": "https://files.pythonhosted.org/packages/6f/22/b3d19dd3a98163cf853aea179c8e741349862ee2f00ec04a02b19fb022b8/torch-1.8.0-cp37-cp37m-manylinux2014_aarch64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "dbe5a796e48d8406875c665a6f96c124", "sha256": "c87c7b0fd31c331968674cb73e82396a622b06a8e20425584922b767f2ffb259" }, "downloads": -1, "filename": "torch-1.8.0-cp37-cp37m-win_amd64.whl", "has_sig": false, "md5_digest": "dbe5a796e48d8406875c665a6f96c124", "packagetype": "bdist_wheel", "python_version": "cp37", "requires_python": ">=3.6.2", "size": 190510346, "upload_time": "2021-03-04T20:57:08", "upload_time_iso_8601": "2021-03-04T20:57:08.658265Z", "url": "https://files.pythonhosted.org/packages/bc/7e/bb31de04449a9f28be83cf944f71fcd2fcd598416ef3674d38b6e1cb679b/torch-1.8.0-cp37-cp37m-win_amd64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "987e5e566b17b6d601f1226a0439dd40", "sha256": "b9d6c8c457b90b5167f3ab0bd1ff7193a06935533176bc6d41e1763d353e9740" }, "downloads": -1, "filename": "torch-1.8.0-cp37-none-macosx_10_9_x86_64.whl", "has_sig": false, "md5_digest": "987e5e566b17b6d601f1226a0439dd40", "packagetype": "bdist_wheel", "python_version": "cp37", "requires_python": ">=3.6.2", "size": 119508843, "upload_time": "2021-03-04T17:06:19", "upload_time_iso_8601": "2021-03-04T17:06:19.261822Z", "url": "https://files.pythonhosted.org/packages/8b/22/ddd54a038f8c3a0988e5eeb52fcf0a39cd3edb4647cc470c61314ad638e7/torch-1.8.0-cp37-none-macosx_10_9_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "2ffdf19a26bb716fb4e9a665011cac39", "sha256": "fa1e391cca3937d5dea31f31a1a80a01bd4a8062c039448c254bbf5a58eb0787" }, "downloads": -1, "filename": "torch-1.8.0-cp38-cp38-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "2ffdf19a26bb716fb4e9a665011cac39", "packagetype": "bdist_wheel", "python_version": "cp38", "requires_python": ">=3.6.2", "size": 735526307, "upload_time": "2021-03-04T20:39:33", "upload_time_iso_8601": "2021-03-04T20:39:33.836516Z", "url": "https://files.pythonhosted.org/packages/89/c1/72e9050d3e31e4df983f6e06799a1a4c896427c1e5645a6d810940944b60/torch-1.8.0-cp38-cp38-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "dd71c6646f2e6d1cf293511acee1274e", "sha256": "affef9bce6eed232308dd89d55d3a37a105f35460f4705375980d27154c51e24" }, "downloads": -1, "filename": "torch-1.8.0-cp38-cp38-manylinux2014_aarch64.whl", "has_sig": false, "md5_digest": "dd71c6646f2e6d1cf293511acee1274e", "packagetype": "bdist_wheel", "python_version": "cp38", "requires_python": ">=3.6.2", "size": 45215330, "upload_time": "2021-03-04T17:48:40", "upload_time_iso_8601": "2021-03-04T17:48:40.481366Z", "url": "https://files.pythonhosted.org/packages/45/9f/bcac9748e0cc21980d4f8718c37e47ce110ebb463812c1f88fa69cf02745/torch-1.8.0-cp38-cp38-manylinux2014_aarch64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "087f93c55cafd118e3ac482e616c8dbf", "sha256": "287a7677df844bf2c4425698fd6d9434065211219cd7fd96000ed981c4d92288" }, "downloads": -1, "filename": "torch-1.8.0-cp38-cp38-win_amd64.whl", "has_sig": false, "md5_digest": "087f93c55cafd118e3ac482e616c8dbf", "packagetype": "bdist_wheel", "python_version": "cp38", "requires_python": ">=3.6.2", "size": 190523841, "upload_time": "2021-03-04T20:57:34", "upload_time_iso_8601": "2021-03-04T20:57:34.736361Z", "url": "https://files.pythonhosted.org/packages/07/99/223ffdf9b1730df5344fa204a29f253077cf513cea143dd9e960b4c3b4bd/torch-1.8.0-cp38-cp38-win_amd64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "87be396b747c127dd00e35b582e89ac4", "sha256": "1b58f70c150e066bcd7401a3bdfad661a04244817a5dac9990b5367523887d3f" }, "downloads": -1, "filename": "torch-1.8.0-cp38-none-macosx_10_9_x86_64.whl", "has_sig": false, "md5_digest": "87be396b747c127dd00e35b582e89ac4", "packagetype": "bdist_wheel", "python_version": "cp38", "requires_python": ">=3.6.2", "size": 119552904, "upload_time": "2021-03-04T17:06:35", "upload_time_iso_8601": "2021-03-04T17:06:35.574629Z", "url": "https://files.pythonhosted.org/packages/3f/c5/20c6caa30ca628b9468a90d188ded935524b710a36445d63bdfeac8ee33e/torch-1.8.0-cp38-none-macosx_10_9_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "7b718a509be7d9250e12795aacf69454", "sha256": "923856c2e6e53d5a747d83ff40faadd791d27cea2fd881b8d6990ea269f47572" }, "downloads": -1, "filename": "torch-1.8.0-cp38-none-macosx_11_1_arm64.whl", "has_sig": false, "md5_digest": "7b718a509be7d9250e12795aacf69454", "packagetype": "bdist_wheel", "python_version": "cp38", "requires_python": ">=3.6.2", "size": 39870054, "upload_time": "2021-03-04T17:06:44", "upload_time_iso_8601": "2021-03-04T17:06:44.631825Z", "url": "https://files.pythonhosted.org/packages/16/2b/ed22c4110bd7c43d4150fa710b832ef2a16c2230911e9a246777e8f76377/torch-1.8.0-cp38-none-macosx_11_1_arm64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "d02a2231a962dc6e10d94f385a3b1311", "sha256": "2318fac860ae73dc6486c0de2223674d9ef6139fc75f157af2bf8dce4fca5524" }, "downloads": -1, "filename": "torch-1.8.0-cp39-cp39-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "d02a2231a962dc6e10d94f385a3b1311", "packagetype": "bdist_wheel", "python_version": "cp39", "requires_python": ">=3.6.2", "size": 735529336, "upload_time": "2021-03-04T20:41:15", "upload_time_iso_8601": "2021-03-04T20:41:15.561354Z", "url": "https://files.pythonhosted.org/packages/99/05/db9d7b5eca140ce20042101233ba19ddabebbcfc1a0ad4139bd0e1c4e12e/torch-1.8.0-cp39-cp39-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "4c3eedce1b3b3f443ef81b937459b257", "sha256": "05b114cb793816cd140794d5874f463972cb639f3b55d3a060f21fd066f5b629" }, "downloads": -1, "filename": "torch-1.8.0-cp39-cp39-manylinux2014_aarch64.whl", "has_sig": false, "md5_digest": "4c3eedce1b3b3f443ef81b937459b257", "packagetype": "bdist_wheel", "python_version": "cp39", "requires_python": ">=3.6.2", "size": 45203322, "upload_time": "2021-03-04T17:48:47", "upload_time_iso_8601": "2021-03-04T17:48:47.711236Z", "url": "https://files.pythonhosted.org/packages/46/32/548df53b686b55edf47041b5435f74be272daf06ea1d671646e14172fe20/torch-1.8.0-cp39-cp39-manylinux2014_aarch64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "1740443005241741b970bfda78a48466", "sha256": "7438431e03af793979cb1a9b5dd9f399b38461748e9f21f60e36149ee215d751" }, "downloads": -1, "filename": "torch-1.8.0-cp39-cp39-win_amd64.whl", "has_sig": false, "md5_digest": "1740443005241741b970bfda78a48466", "packagetype": "bdist_wheel", "python_version": "cp39", "requires_python": ">=3.6.2", "size": 190453093, "upload_time": "2021-03-04T20:57:55", "upload_time_iso_8601": "2021-03-04T20:57:55.852752Z", "url": "https://files.pythonhosted.org/packages/fc/d2/c76c193c8ca4307ffa365c40e6ec6f5d1783d8e9310bf6311da91694ac01/torch-1.8.0-cp39-cp39-win_amd64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "30467499c9fb577bca50593cb81c4b8f", "sha256": "d98d167994d2e30df61a98eaca1684c50761f096d7f76c0c99789ac8cea50b55" }, "downloads": -1, "filename": "torch-1.8.0-cp39-none-macosx_10_9_x86_64.whl", "has_sig": false, "md5_digest": "30467499c9fb577bca50593cb81c4b8f", "packagetype": "bdist_wheel", "python_version": "cp39", "requires_python": ">=3.6.2", "size": 120647988, "upload_time": "2021-03-04T17:07:00", "upload_time_iso_8601": "2021-03-04T17:07:00.041428Z", "url": "https://files.pythonhosted.org/packages/72/23/112696fbe958e7f252451ffe674f80a5326986d6aef9157f124daa967db8/torch-1.8.0-cp39-none-macosx_10_9_x86_64.whl", "yanked": false, "yanked_reason": null } ], "1.8.1": [ { "comment_text": "", "digests": { "md5": "b4b874fba72aa6d2805459426dd65f10", "sha256": "f23eeb1a48cc39209d986c418ad7e02227eee973da45c0c42d36b1aec72f4940" }, "downloads": -1, "filename": "torch-1.8.1-cp36-cp36m-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "b4b874fba72aa6d2805459426dd65f10", "packagetype": "bdist_wheel", "python_version": "cp36", "requires_python": ">=3.6.2", "size": 804089845, "upload_time": "2021-03-25T15:54:32", "upload_time_iso_8601": "2021-03-25T15:54:32.438386Z", "url": "https://files.pythonhosted.org/packages/dd/b9/824df420f6abf551e41bbaacbaa0be8321dc104f9f3803051513844dc310/torch-1.8.1-cp36-cp36m-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "13ffac37eecba1d2e7693c2df22aa6f9", "sha256": "4ace9c5bb94d5a7b9582cd089993201658466e9c59ff88bd4e9e08f6f072d1cf" }, "downloads": -1, "filename": "torch-1.8.1-cp36-cp36m-manylinux2014_aarch64.whl", "has_sig": false, "md5_digest": "13ffac37eecba1d2e7693c2df22aa6f9", "packagetype": "bdist_wheel", "python_version": "cp36", "requires_python": ">=3.6.2", "size": 45308807, "upload_time": "2021-03-25T16:38:05", "upload_time_iso_8601": "2021-03-25T16:38:05.028122Z", "url": "https://files.pythonhosted.org/packages/5e/2a/cf6331dc1398986adf091fa22ef0cdac654572a178bb5088f7515fd3ccff/torch-1.8.1-cp36-cp36m-manylinux2014_aarch64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "badc659f098e88242e537a18b4b6568e", "sha256": "6ffa1e7ae079c7cb828712cb0cdaae5cc4fb87c16a607e6d14526b62c20bcc17" }, "downloads": -1, "filename": "torch-1.8.1-cp36-cp36m-win_amd64.whl", "has_sig": false, "md5_digest": "badc659f098e88242e537a18b4b6568e", "packagetype": "bdist_wheel", "python_version": "cp36", "requires_python": ">=3.6.2", "size": 190510700, "upload_time": "2021-03-25T16:12:15", "upload_time_iso_8601": "2021-03-25T16:12:15.289289Z", "url": "https://files.pythonhosted.org/packages/78/2c/13fd3b176ebd9c4211d054034c9f8fc51e9b7b1926dcc1ca48cdc328cf4c/torch-1.8.1-cp36-cp36m-win_amd64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "b6d0ae5732308659c511cee4b6862a91", "sha256": "16f2630d9604c4ee28ea7d6e388e2264cd7bc6031c6ecd796bae3f56b5efa9a3" }, "downloads": -1, "filename": "torch-1.8.1-cp36-none-macosx_10_9_x86_64.whl", "has_sig": false, "md5_digest": "b6d0ae5732308659c511cee4b6862a91", "packagetype": "bdist_wheel", "python_version": "cp36", "requires_python": ">=3.6.2", "size": 119505902, "upload_time": "2021-03-25T16:27:02", "upload_time_iso_8601": "2021-03-25T16:27:02.555378Z", "url": "https://files.pythonhosted.org/packages/07/46/82d6019ffd9be22ba6cb6ec4c271c86ed942a00a2052520657e8d32ac545/torch-1.8.1-cp36-none-macosx_10_9_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "0e25d665d0a45c4043249d0cd92fa97b", "sha256": "95b7bbbacc3f28fe438f418392ceeae146a01adc03b29d44917d55214ac234c9" }, "downloads": -1, "filename": "torch-1.8.1-cp37-cp37m-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "0e25d665d0a45c4043249d0cd92fa97b", "packagetype": "bdist_wheel", "python_version": "cp37", "requires_python": ">=3.6.2", "size": 804097215, "upload_time": "2021-03-25T15:58:05", "upload_time_iso_8601": "2021-03-25T15:58:05.151339Z", "url": "https://files.pythonhosted.org/packages/56/74/6fc9dee50f7c93d6b7d9644554bdc9692f3023fa5d1de779666e6bf8ae76/torch-1.8.1-cp37-cp37m-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "a633310e6a79c11a38fe8dc0afc89331", "sha256": "55137feb2f5a0dc7aced5bba690dcdb7652054ad3452b09a2bbb59f02a11e9ff" }, "downloads": -1, "filename": "torch-1.8.1-cp37-cp37m-manylinux2014_aarch64.whl", "has_sig": false, "md5_digest": "a633310e6a79c11a38fe8dc0afc89331", "packagetype": "bdist_wheel", "python_version": "cp37", "requires_python": ">=3.6.2", "size": 45310080, "upload_time": "2021-03-25T16:38:11", "upload_time_iso_8601": "2021-03-25T16:38:11.927626Z", "url": "https://files.pythonhosted.org/packages/1d/76/2dab54e99074479193939511cd7e2f06b7f09a1e6a5eca61c21dfaa50da8/torch-1.8.1-cp37-cp37m-manylinux2014_aarch64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "95e48d1b7b0f4c04c0f98de75bccaf27", "sha256": "8ad2252bf09833dcf46a536a78544e349b8256a370e03a98627ebfb118d9555b" }, "downloads": -1, "filename": "torch-1.8.1-cp37-cp37m-win_amd64.whl", "has_sig": false, "md5_digest": "95e48d1b7b0f4c04c0f98de75bccaf27", "packagetype": "bdist_wheel", "python_version": "cp37", "requires_python": ">=3.6.2", "size": 190511113, "upload_time": "2021-03-25T16:18:40", "upload_time_iso_8601": "2021-03-25T16:18:40.997235Z", "url": "https://files.pythonhosted.org/packages/ff/4d/8393a4f9d7113c2f0db341aea7d312ae7fb41288ce867b72c8940ebddf01/torch-1.8.1-cp37-cp37m-win_amd64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "c95ac699c29ff9dbce979fdff214130b", "sha256": "1388b30fbd262c1a053d6c9ace73bb0bd8f5871b4892b6f3e02d1d7bc9768563" }, "downloads": -1, "filename": "torch-1.8.1-cp37-none-macosx_10_9_x86_64.whl", "has_sig": false, "md5_digest": "c95ac699c29ff9dbce979fdff214130b", "packagetype": "bdist_wheel", "python_version": "cp37", "requires_python": ">=3.6.2", "size": 119507186, "upload_time": "2021-03-25T16:27:18", "upload_time_iso_8601": "2021-03-25T16:27:18.566692Z", "url": "https://files.pythonhosted.org/packages/e0/17/ee73e3011b9f62919eb2991ed4c216b90285469c6d0b11c1cda6538819b1/torch-1.8.1-cp37-none-macosx_10_9_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "be348d997349d93cde987705dc9a4899", "sha256": "e7ad1649adb7dc2a450e70a3e51240b84fa4746c69c8f98989ce0c254f9fba3a" }, "downloads": -1, "filename": "torch-1.8.1-cp38-cp38-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "be348d997349d93cde987705dc9a4899", "packagetype": "bdist_wheel", "python_version": "cp38", "requires_python": ">=3.6.2", "size": 804098825, "upload_time": "2021-03-25T16:01:39", "upload_time_iso_8601": "2021-03-25T16:01:39.078159Z", "url": "https://files.pythonhosted.org/packages/1b/c3/3b94d22b156742ac90eaffa0b2025e948cf935c4b206db5a813657c0de49/torch-1.8.1-cp38-cp38-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "1d5997eade6ff0e8f829ab7381534f1d", "sha256": "3e4190c04dfd89c59bad06d5fe451446643a65e6d2607cc989eb1001ee76e12f" }, "downloads": -1, "filename": "torch-1.8.1-cp38-cp38-manylinux2014_aarch64.whl", "has_sig": false, "md5_digest": "1d5997eade6ff0e8f829ab7381534f1d", "packagetype": "bdist_wheel", "python_version": "cp38", "requires_python": ">=3.6.2", "size": 45216756, "upload_time": "2021-03-25T16:38:18", "upload_time_iso_8601": "2021-03-25T16:38:18.550660Z", "url": "https://files.pythonhosted.org/packages/da/90/332d56a90bafd4cde9d05d326cf4dee067f4f527caee83a62e274e43c535/torch-1.8.1-cp38-cp38-manylinux2014_aarch64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "9ca595e7408f980e940761a253019411", "sha256": "5c2e9a33d44cdb93ebd739b127ffd7da786bf5f740539539195195b186a05f6c" }, "downloads": -1, "filename": "torch-1.8.1-cp38-cp38-win_amd64.whl", "has_sig": false, "md5_digest": "9ca595e7408f980e940761a253019411", "packagetype": "bdist_wheel", "python_version": "cp38", "requires_python": ">=3.6.2", "size": 190531066, "upload_time": "2021-03-25T16:24:08", "upload_time_iso_8601": "2021-03-25T16:24:08.707193Z", "url": "https://files.pythonhosted.org/packages/d1/84/ad52ea193fb955887287c8be3ba98f65d5b8b532ffc506ec197f7e0e03de/torch-1.8.1-cp38-cp38-win_amd64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "34f1e23b31ad9bf7af1d36053ba1cc02", "sha256": "c6ede2ae4dcd8214b63e047efabafa92493605205a947574cf358216ca4e440a" }, "downloads": -1, "filename": "torch-1.8.1-cp38-none-macosx_10_9_x86_64.whl", "has_sig": false, "md5_digest": "34f1e23b31ad9bf7af1d36053ba1cc02", "packagetype": "bdist_wheel", "python_version": "cp38", "requires_python": ">=3.6.2", "size": 119551382, "upload_time": "2021-03-25T16:27:32", "upload_time_iso_8601": "2021-03-25T16:27:32.393890Z", "url": "https://files.pythonhosted.org/packages/44/51/f291c71b18398e32b0ce7cbb372608bdcc0bede5bef020ca8a064f37993b/torch-1.8.1-cp38-none-macosx_10_9_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "1fb64b81085c3b1e5335c6e9a4e894a4", "sha256": "ce7d435426f3dd14f95710d779aa46e9cd5e077d512488e813f7589fdc024f78" }, "downloads": -1, "filename": "torch-1.8.1-cp39-cp39-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "1fb64b81085c3b1e5335c6e9a4e894a4", "packagetype": "bdist_wheel", "python_version": "cp39", "requires_python": ">=3.6.2", "size": 804111876, "upload_time": "2021-03-25T16:05:04", "upload_time_iso_8601": "2021-03-25T16:05:04.038597Z", "url": "https://files.pythonhosted.org/packages/53/38/ffee0f0515cfd95fc48c2e97d8d16c4ef4edf904a7805fadc6870c096cff/torch-1.8.1-cp39-cp39-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "2885e34688379a3dc7181d2bbf3c5122", "sha256": "a50ea8ed900927fb30cadb63aa7a32fdd59c7d7abe5012348dfbe35a8355c083" }, "downloads": -1, "filename": "torch-1.8.1-cp39-cp39-manylinux2014_aarch64.whl", "has_sig": false, "md5_digest": "2885e34688379a3dc7181d2bbf3c5122", "packagetype": "bdist_wheel", "python_version": "cp39", "requires_python": ">=3.6.2", "size": 45205101, "upload_time": "2021-03-25T16:38:24", "upload_time_iso_8601": "2021-03-25T16:38:24.910465Z", "url": "https://files.pythonhosted.org/packages/4d/74/e404e07a136091590d98535bfc583735af1bb9bcdf9661957300a028ea88/torch-1.8.1-cp39-cp39-manylinux2014_aarch64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "27b47e2fc488303f2ea78336a227f050", "sha256": "dac4d10494e74f7e553c92d7263e19ea501742c4825ddd26c4decfa27be95981" }, "downloads": -1, "filename": "torch-1.8.1-cp39-cp39-win_amd64.whl", "has_sig": false, "md5_digest": "27b47e2fc488303f2ea78336a227f050", "packagetype": "bdist_wheel", "python_version": "cp39", "requires_python": ">=3.6.2", "size": 190456716, "upload_time": "2021-03-25T16:26:47", "upload_time_iso_8601": "2021-03-25T16:26:47.388024Z", "url": "https://files.pythonhosted.org/packages/27/e0/7688877f2f4cf359afcd4200b00f551973ad037158b93850bbcc6d3f1abc/torch-1.8.1-cp39-cp39-win_amd64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "6a54e239f7e21354a12ff84f71912437", "sha256": "225ee4238c019b28369c71977327deeeb2bd1c6b8557e6fcf631b8866bdc5447" }, "downloads": -1, "filename": "torch-1.8.1-cp39-none-macosx_10_9_x86_64.whl", "has_sig": false, "md5_digest": "6a54e239f7e21354a12ff84f71912437", "packagetype": "bdist_wheel", "python_version": "cp39", "requires_python": ">=3.6.2", "size": 119552227, "upload_time": "2021-03-25T16:27:46", "upload_time_iso_8601": "2021-03-25T16:27:46.996968Z", "url": "https://files.pythonhosted.org/packages/35/e1/f08f68c0b56080d4c22de014640852503839691acc3b0814d0dbc1f0bc7d/torch-1.8.1-cp39-none-macosx_10_9_x86_64.whl", "yanked": false, "yanked_reason": null } ], "1.9.0": [ { "comment_text": "", "digests": { "md5": "c9016e7d616b0f18555c8db2777a5ec9", "sha256": "3a2d070cf28860d285d4ab156f3954c0c1d12f4c037aa312a7c029227c0d106b" }, "downloads": -1, "filename": "torch-1.9.0-cp36-cp36m-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "c9016e7d616b0f18555c8db2777a5ec9", "packagetype": "bdist_wheel", "python_version": "cp36", "requires_python": ">=3.6.2", "size": 831421775, "upload_time": "2021-06-15T15:09:35", "upload_time_iso_8601": "2021-06-15T15:09:35.973541Z", "url": "https://files.pythonhosted.org/packages/a1/1f/a372f2e9f0a54fc479fcee3ac072f8cd5091054e9d7293dd4372338e5277/torch-1.9.0-cp36-cp36m-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "8161cd54996109f27d31cca7844f8032", "sha256": "b296e65e25081af147af936f1e3a1f17f583a9afacfa5309742678ffef728ace" }, "downloads": -1, "filename": "torch-1.9.0-cp36-cp36m-manylinux2014_aarch64.whl", "has_sig": false, "md5_digest": "8161cd54996109f27d31cca7844f8032", "packagetype": "bdist_wheel", "python_version": "cp36", "requires_python": ">=3.6.2", "size": 49088609, "upload_time": "2021-06-15T15:51:47", "upload_time_iso_8601": "2021-06-15T15:51:47.797673Z", "url": "https://files.pythonhosted.org/packages/ca/18/76dbc27b3aba3ca4946aebc6e116db446d4e76d086e906b0ff313b2b7ad8/torch-1.9.0-cp36-cp36m-manylinux2014_aarch64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "a61c90db60f8348649fd3d6ed2d5f5f1", "sha256": "117098d4924b260a24a47c6b3fe37f2ae41f04a2ea2eff9f553ae9210b12fa54" }, "downloads": -1, "filename": "torch-1.9.0-cp36-cp36m-win_amd64.whl", "has_sig": false, "md5_digest": "a61c90db60f8348649fd3d6ed2d5f5f1", "packagetype": "bdist_wheel", "python_version": "cp36", "requires_python": ">=3.6.2", "size": 222029397, "upload_time": "2021-06-15T15:22:34", "upload_time_iso_8601": "2021-06-15T15:22:34.651295Z", "url": "https://files.pythonhosted.org/packages/ba/20/88b8f49784ce048fe7a28791406c3024d02bd4acd3fde40d4e862c9e1d44/torch-1.9.0-cp36-cp36m-win_amd64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "4acba61d75bb104d1507e7a1ce196bad", "sha256": "d6103b9a634993bd967337a1149f9d8b23922f42a3660676239399e15c1b4515" }, "downloads": -1, "filename": "torch-1.9.0-cp36-none-macosx_10_9_x86_64.whl", "has_sig": false, "md5_digest": "4acba61d75bb104d1507e7a1ce196bad", "packagetype": "bdist_wheel", "python_version": "cp36", "requires_python": ">=3.6.2", "size": 127861710, "upload_time": "2021-06-15T15:27:11", "upload_time_iso_8601": "2021-06-15T15:27:11.901376Z", "url": "https://files.pythonhosted.org/packages/23/03/3ed73baeb33abcd93dbdc76e5dc2e00cdfa253b69d63922f10b9eae43aef/torch-1.9.0-cp36-none-macosx_10_9_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "28036b695caf6974f3de3951c1e758d3", "sha256": "0164673908e6b291ace592d382eba3e258b3bad009b8078cad8f3b9e00d8f23e" }, "downloads": -1, "filename": "torch-1.9.0-cp37-cp37m-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "28036b695caf6974f3de3951c1e758d3", "packagetype": "bdist_wheel", "python_version": "cp37", "requires_python": ">=3.6.2", "size": 831417580, "upload_time": "2021-06-15T15:13:32", "upload_time_iso_8601": "2021-06-15T15:13:32.398552Z", "url": "https://files.pythonhosted.org/packages/d2/a9/b3cea4a97ffabd6639e71608814dbd08081e202e8ac9580250273c0541ff/torch-1.9.0-cp37-cp37m-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "49380a9543e2c09004132bcae1077b4a", "sha256": "52548b45efff772fe3810fe91daf34f981ac0ca1a7227f6226fd5693f53b5b88" }, "downloads": -1, "filename": "torch-1.9.0-cp37-cp37m-manylinux2014_aarch64.whl", "has_sig": false, "md5_digest": "49380a9543e2c09004132bcae1077b4a", "packagetype": "bdist_wheel", "python_version": "cp37", "requires_python": ">=3.6.2", "size": 49092397, "upload_time": "2021-06-15T15:51:56", "upload_time_iso_8601": "2021-06-15T15:51:56.157237Z", "url": "https://files.pythonhosted.org/packages/02/cd/e75cac89c7edf934ee030bd4596ddff9a7221536df087274f408f1395421/torch-1.9.0-cp37-cp37m-manylinux2014_aarch64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "32e8dc112de59b1d9949e1329d2407f8", "sha256": "62c0a7e433681d0861494d1ede96d2485e4dbb3ea8fd867e8419addebf5de1af" }, "downloads": -1, "filename": "torch-1.9.0-cp37-cp37m-win_amd64.whl", "has_sig": false, "md5_digest": "32e8dc112de59b1d9949e1329d2407f8", "packagetype": "bdist_wheel", "python_version": "cp37", "requires_python": ">=3.6.2", "size": 222028326, "upload_time": "2021-06-15T15:23:58", "upload_time_iso_8601": "2021-06-15T15:23:58.346616Z", "url": "https://files.pythonhosted.org/packages/f5/7c/dff2d14505666ca87d6e1d8128fd3cabe3b49ed4886fa0a0b3f5868d22e2/torch-1.9.0-cp37-cp37m-win_amd64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "32e26ae9d0aac108507bcb158bb39147", "sha256": "d88333091fd1627894bbf0d6dcef58a90e36bdf0d90a5d4675b5e07e72075511" }, "downloads": -1, "filename": "torch-1.9.0-cp37-none-macosx_10_9_x86_64.whl", "has_sig": false, "md5_digest": "32e26ae9d0aac108507bcb158bb39147", "packagetype": "bdist_wheel", "python_version": "cp37", "requires_python": ">=3.6.2", "size": 127862354, "upload_time": "2021-06-15T15:27:29", "upload_time_iso_8601": "2021-06-15T15:27:29.555577Z", "url": "https://files.pythonhosted.org/packages/51/cd/3fa53975000c37b0a0e4f5db7dd2df45749bfbc5f04c5b99812df6794511/torch-1.9.0-cp37-none-macosx_10_9_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "c6a43d169da1e8b98ac13319a6bf7e15", "sha256": "1d8139dcc864f48dc316376384f50e47a459284ad1cb84449242f4964e25aaec" }, "downloads": -1, "filename": "torch-1.9.0-cp38-cp38-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "c6a43d169da1e8b98ac13319a6bf7e15", "packagetype": "bdist_wheel", "python_version": "cp38", "requires_python": ">=3.6.2", "size": 831433581, "upload_time": "2021-06-15T15:17:00", "upload_time_iso_8601": "2021-06-15T15:17:00.379110Z", "url": "https://files.pythonhosted.org/packages/69/f2/2c0114a3ba44445de3e6a45c4a2bf33c7f6711774adece8627746380780c/torch-1.9.0-cp38-cp38-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "956818587094b13f950473205a7f870a", "sha256": "0aa4cca3f16fab40cb8dae6a49d0eccdc8f4ead9d1a6428cd9ba12befe082b2a" }, "downloads": -1, "filename": "torch-1.9.0-cp38-cp38-manylinux2014_aarch64.whl", "has_sig": false, "md5_digest": "956818587094b13f950473205a7f870a", "packagetype": "bdist_wheel", "python_version": "cp38", "requires_python": ">=3.6.2", "size": 49003184, "upload_time": "2021-06-15T15:52:05", "upload_time_iso_8601": "2021-06-15T15:52:05.445736Z", "url": "https://files.pythonhosted.org/packages/ca/0b/d66c0313289a926b7c571d41315a1a64ce134c88b0b9bed3a3d4f8ab1246/torch-1.9.0-cp38-cp38-manylinux2014_aarch64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "d79447e6b3619c10900b6d7a222718de", "sha256": "646de1bef85d6c7590e98f8ea52e47acdcf58330982e4f5d73f5ca28dea2d552" }, "downloads": -1, "filename": "torch-1.9.0-cp38-cp38-win_amd64.whl", "has_sig": false, "md5_digest": "d79447e6b3619c10900b6d7a222718de", "packagetype": "bdist_wheel", "python_version": "cp38", "requires_python": ">=3.6.2", "size": 222047669, "upload_time": "2021-06-15T15:25:32", "upload_time_iso_8601": "2021-06-15T15:25:32.060108Z", "url": "https://files.pythonhosted.org/packages/6e/ae/13fe5f5da37f2ff2459921cb53f9893baa4e7f39f59c5a31922650e5add7/torch-1.9.0-cp38-cp38-win_amd64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "5f9bb20df61dc2fdb9c1af75d7471580", "sha256": "e596f0105f748cf09d4763152d8157aaf58d5231232eaf2c5673d4562ba86ad3" }, "downloads": -1, "filename": "torch-1.9.0-cp38-none-macosx_10_9_x86_64.whl", "has_sig": false, "md5_digest": "5f9bb20df61dc2fdb9c1af75d7471580", "packagetype": "bdist_wheel", "python_version": "cp38", "requires_python": ">=3.6.2", "size": 127925053, "upload_time": "2021-06-15T15:27:43", "upload_time_iso_8601": "2021-06-15T15:27:43.454563Z", "url": "https://files.pythonhosted.org/packages/98/71/b1aeecd8bf033a163dc03c24ceba0952107afb515a7a767f3fb8694d835c/torch-1.9.0-cp38-none-macosx_10_9_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "29a7fbf7147132ac9f502cbc73fc5b87", "sha256": "ecc7193fff7741ced3db1f760666c8454d6664956288c54d1b49613b987a42f4" }, "downloads": -1, "filename": "torch-1.9.0-cp38-none-macosx_11_0_arm64.whl", "has_sig": false, "md5_digest": "29a7fbf7147132ac9f502cbc73fc5b87", "packagetype": "bdist_wheel", "python_version": "cp38", "requires_python": ">=3.6.2", "size": 41523792, "upload_time": "2021-06-15T16:16:04", "upload_time_iso_8601": "2021-06-15T16:16:04.705305Z", "url": "https://files.pythonhosted.org/packages/f8/52/15f4048bd0e13bc3cd7c50febb4f4bbfc9f32990251e705023cc8700ee48/torch-1.9.0-cp38-none-macosx_11_0_arm64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "4881c25f5bf1685faae03f51fb0782f4", "sha256": "95eeec3a6c42fd35aca552777b7d9979ed489760423de97c0118a45e849a61f4" }, "downloads": -1, "filename": "torch-1.9.0-cp39-cp39-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "4881c25f5bf1685faae03f51fb0782f4", "packagetype": "bdist_wheel", "python_version": "cp39", "requires_python": ">=3.6.2", "size": 831430881, "upload_time": "2021-06-15T15:20:59", "upload_time_iso_8601": "2021-06-15T15:20:59.327508Z", "url": "https://files.pythonhosted.org/packages/18/dc/364619ec35762f0fda9b1ac5bc73e4372a0e451f15e38ef601d3ef006a17/torch-1.9.0-cp39-cp39-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "505d91f039730fab0a0ebc6c79147fad", "sha256": "8a2b2012b3c7d6019e189496688fa77de7029a220840b406d8302d1c8021a11c" }, "downloads": -1, "filename": "torch-1.9.0-cp39-cp39-manylinux2014_aarch64.whl", "has_sig": false, "md5_digest": "505d91f039730fab0a0ebc6c79147fad", "packagetype": "bdist_wheel", "python_version": "cp39", "requires_python": ">=3.6.2", "size": 48983781, "upload_time": "2021-06-15T15:52:14", "upload_time_iso_8601": "2021-06-15T15:52:14.300867Z", "url": "https://files.pythonhosted.org/packages/82/10/8bdc31700920d8ebb237993b9809eee0714fc01506b70ddbef577a886fdf/torch-1.9.0-cp39-cp39-manylinux2014_aarch64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "8f6c2e7efe345370dd9b18254227c695", "sha256": "7e2b14fe5b3a8266cbe2f6740c0195497507974ced7bc21e99971561913a0c28" }, "downloads": -1, "filename": "torch-1.9.0-cp39-cp39-win_amd64.whl", "has_sig": false, "md5_digest": "8f6c2e7efe345370dd9b18254227c695", "packagetype": "bdist_wheel", "python_version": "cp39", "requires_python": ">=3.6.2", "size": 221965728, "upload_time": "2021-06-15T15:26:54", "upload_time_iso_8601": "2021-06-15T15:26:54.934732Z", "url": "https://files.pythonhosted.org/packages/33/87/2feed4e8d824738bf886cfd7776b9ad38ae0831c4adff0d6c80bb6769390/torch-1.9.0-cp39-cp39-win_amd64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "6b49ef90d813acd3f8047a96912a8d5e", "sha256": "0a9e74b5057463ce4e55d9332a5670993fc9e1299c52e1740e505eda106fb355" }, "downloads": -1, "filename": "torch-1.9.0-cp39-none-macosx_10_9_x86_64.whl", "has_sig": false, "md5_digest": "6b49ef90d813acd3f8047a96912a8d5e", "packagetype": "bdist_wheel", "python_version": "cp39", "requires_python": ">=3.6.2", "size": 127925670, "upload_time": "2021-06-15T15:28:01", "upload_time_iso_8601": "2021-06-15T15:28:01.102302Z", "url": "https://files.pythonhosted.org/packages/0c/e9/6ca380d925b3a834f0cb1cac75e4bb53c74a6170bb9b6ec40315501cbdfa/torch-1.9.0-cp39-none-macosx_10_9_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "61104938df7df9ad09d510d2aea73e9f", "sha256": "569ead6ae6bb0e636df0fc8af660ef03260e630dc5f2f4cf3198027e7b6bb481" }, "downloads": -1, "filename": "torch-1.9.0-cp39-none-macosx_11_0_arm64.whl", "has_sig": false, "md5_digest": "61104938df7df9ad09d510d2aea73e9f", "packagetype": "bdist_wheel", "python_version": "cp39", "requires_python": ">=3.6.2", "size": 41524757, "upload_time": "2021-06-15T16:16:12", "upload_time_iso_8601": "2021-06-15T16:16:12.878796Z", "url": "https://files.pythonhosted.org/packages/0d/e4/8e37e9675dc11ac1a01227e94a1aecef75427102273ba500fe60a93d54a4/torch-1.9.0-cp39-none-macosx_11_0_arm64.whl", "yanked": false, "yanked_reason": null } ], "1.9.1": [ { "comment_text": "", "digests": { "md5": "68badd5a95728175e881ba6d1fa0f671", "sha256": "06435080ba0a2c8f88b65af0550b973c5aa7771eacd9b17f69057fc7436a8ae2" }, "downloads": -1, "filename": "torch-1.9.1-cp36-cp36m-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "68badd5a95728175e881ba6d1fa0f671", "packagetype": "bdist_wheel", "python_version": "cp36", "requires_python": ">=3.6.2", "size": 831383405, "upload_time": "2021-09-20T22:30:00", "upload_time_iso_8601": "2021-09-20T22:30:00.160693Z", "url": "https://files.pythonhosted.org/packages/9a/f1/735e39ed0e3877ff02ffe625989bb421747c3dfd256e37ed92ad32c986be/torch-1.9.1-cp36-cp36m-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "62f835b62f529ccb434d98943f1e059b", "sha256": "b92f934b3c95578b3fd37cc06afca208d63f02b0d01b806e979cb4e46124a7f8" }, "downloads": -1, "filename": "torch-1.9.1-cp36-cp36m-win_amd64.whl", "has_sig": false, "md5_digest": "62f835b62f529ccb434d98943f1e059b", "packagetype": "bdist_wheel", "python_version": "cp36", "requires_python": ">=3.6.2", "size": 222034208, "upload_time": "2021-09-20T22:42:12", "upload_time_iso_8601": "2021-09-20T22:42:12.011311Z", "url": "https://files.pythonhosted.org/packages/bb/22/023563ef3a6da5926946b48cf6d69da172f66666865bb37a5966065c879c/torch-1.9.1-cp36-cp36m-win_amd64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "1dff56325fd4f8158ded4f9480f9db73", "sha256": "54dacb6a3f63c54334fadbf22fb6e9ee865085a4e0368962edff5babda057606" }, "downloads": -1, "filename": "torch-1.9.1-cp36-none-macosx_10_9_x86_64.whl", "has_sig": false, "md5_digest": "1dff56325fd4f8158ded4f9480f9db73", "packagetype": "bdist_wheel", "python_version": "cp36", "requires_python": ">=3.6.2", "size": 218709943, "upload_time": "2021-09-20T22:46:15", "upload_time_iso_8601": "2021-09-20T22:46:15.707523Z", "url": "https://files.pythonhosted.org/packages/b6/77/2f4b4652dc6567b7f224ab95f4aad92032b29a8050c84004abb64a64132a/torch-1.9.1-cp36-none-macosx_10_9_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "9cf9a5966bb7a3c4ed64cadf15c71332", "sha256": "dd3ca91dc1a9fe3fbcddf035cb2fb8be44d57a527b845cd196ba69249adecccf" }, "downloads": -1, "filename": "torch-1.9.1-cp37-cp37m-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "9cf9a5966bb7a3c4ed64cadf15c71332", "packagetype": "bdist_wheel", "python_version": "cp37", "requires_python": ">=3.6.2", "size": 831388756, "upload_time": "2021-09-20T22:33:19", "upload_time_iso_8601": "2021-09-20T22:33:19.497195Z", "url": "https://files.pythonhosted.org/packages/ad/da/a1693073397b30fc3390def5a33cbe630f1b9446ea296845680af95080af/torch-1.9.1-cp37-cp37m-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "96f2f089ef84d021961809eacfd15844", "sha256": "42ca081a2e0e759844e70cad7efd8fcfb2f81634dffa73a226564eb83d989e5b" }, "downloads": -1, "filename": "torch-1.9.1-cp37-cp37m-win_amd64.whl", "has_sig": false, "md5_digest": "96f2f089ef84d021961809eacfd15844", "packagetype": "bdist_wheel", "python_version": "cp37", "requires_python": ">=3.6.2", "size": 222034001, "upload_time": "2021-09-20T22:43:19", "upload_time_iso_8601": "2021-09-20T22:43:19.052776Z", "url": "https://files.pythonhosted.org/packages/29/66/bff24be9c0e90d56b5dac08f7dfc6733fbcfd640b5b21181086771b9fc76/torch-1.9.1-cp37-cp37m-win_amd64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "72c742002ebb4e6a418453ba4e5c14a1", "sha256": "335961a5c893f7b33b29aecbc19382a1a1b0106b3457a1c45148e1e14f8f5e09" }, "downloads": -1, "filename": "torch-1.9.1-cp37-none-macosx_10_9_x86_64.whl", "has_sig": false, "md5_digest": "72c742002ebb4e6a418453ba4e5c14a1", "packagetype": "bdist_wheel", "python_version": "cp37", "requires_python": ">=3.6.2", "size": 218710504, "upload_time": "2021-09-20T22:46:52", "upload_time_iso_8601": "2021-09-20T22:46:52.263571Z", "url": "https://files.pythonhosted.org/packages/e2/00/12d023994e9bc4f4e3c3335c56c5eaa89bdbab334e3d6c0111285786fc3d/torch-1.9.1-cp37-none-macosx_10_9_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "74ea4fd2eef8e42a7a44d4556f6881d5", "sha256": "1fb49ca0ca8edefbb3f47f6801482144c3a746ec21a65eb3f0839a1d8fb24705" }, "downloads": -1, "filename": "torch-1.9.1-cp38-cp38-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "74ea4fd2eef8e42a7a44d4556f6881d5", "packagetype": "bdist_wheel", "python_version": "cp38", "requires_python": ">=3.6.2", "size": 831410465, "upload_time": "2021-09-20T22:36:59", "upload_time_iso_8601": "2021-09-20T22:36:59.678202Z", "url": "https://files.pythonhosted.org/packages/28/58/6e420d2a0ac7962f35a60505f25c948c8a22d4204f5b1ff5e565e552404c/torch-1.9.1-cp38-cp38-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "807c645fb49931364cc0581cff0891b3", "sha256": "936d303c5e1d60259fb71d95a33e84d84fececa25a0fae112f6a23286ff183c8" }, "downloads": -1, "filename": "torch-1.9.1-cp38-cp38-win_amd64.whl", "has_sig": false, "md5_digest": "807c645fb49931364cc0581cff0891b3", "packagetype": "bdist_wheel", "python_version": "cp38", "requires_python": ">=3.6.2", "size": 222053408, "upload_time": "2021-09-20T22:44:32", "upload_time_iso_8601": "2021-09-20T22:44:32.052472Z", "url": "https://files.pythonhosted.org/packages/69/7b/75fa1ac9f06583e0e4d73e488a429f8bcfe6a47198048e2175ab59fb5567/torch-1.9.1-cp38-cp38-win_amd64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "0c5ddd238ceb7a33554c47f1b6039c81", "sha256": "351dda9f483486bec66ed838234e96f077e6886c88110bb1e2f4a708ed2356ce" }, "downloads": -1, "filename": "torch-1.9.1-cp38-none-macosx_10_9_x86_64.whl", "has_sig": false, "md5_digest": "0c5ddd238ceb7a33554c47f1b6039c81", "packagetype": "bdist_wheel", "python_version": "cp38", "requires_python": ">=3.6.2", "size": 218770954, "upload_time": "2021-09-20T22:47:34", "upload_time_iso_8601": "2021-09-20T22:47:34.876818Z", "url": "https://files.pythonhosted.org/packages/08/8e/bff0fcd59f25b46086c75ece96167c72aa6b4845cb9e9a0119462e9efdfe/torch-1.9.1-cp38-none-macosx_10_9_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "952d8342b9752fdfd37705b68da204cc", "sha256": "35ec703bc535bde7e8790ab9500f02d4413d995ac981520501fde95e268781e1" }, "downloads": -1, "filename": "torch-1.9.1-cp39-cp39-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "952d8342b9752fdfd37705b68da204cc", "packagetype": "bdist_wheel", "python_version": "cp39", "requires_python": ">=3.6.2", "size": 831404446, "upload_time": "2021-09-20T22:40:36", "upload_time_iso_8601": "2021-09-20T22:40:36.561243Z", "url": "https://files.pythonhosted.org/packages/3f/d1/0408281f461e172b12e917937288236cdc60fa8210f650f7b9866fe1cc12/torch-1.9.1-cp39-cp39-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "07d9cbb190cfbf6cc86db8b34f764fd4", "sha256": "e470697006a4c08e4fb6a645e8ca49b0d36c8e7ccf413deef5161335bd7399f1" }, "downloads": -1, "filename": "torch-1.9.1-cp39-cp39-win_amd64.whl", "has_sig": false, "md5_digest": "07d9cbb190cfbf6cc86db8b34f764fd4", "packagetype": "bdist_wheel", "python_version": "cp39", "requires_python": ">=3.6.2", "size": 221972852, "upload_time": "2021-09-20T22:45:40", "upload_time_iso_8601": "2021-09-20T22:45:40.425128Z", "url": "https://files.pythonhosted.org/packages/51/42/7abe778c62c5d08b5e4f3c526524c6d0349a8b3282f56bc65b74485e1828/torch-1.9.1-cp39-cp39-win_amd64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "8355bd4b4957c8529adeb658f48213d7", "sha256": "a198332e2d344d25e423ae2df98d56d83060f19e9f4cf23164dffc8d403efeb8" }, "downloads": -1, "filename": "torch-1.9.1-cp39-none-macosx_10_9_x86_64.whl", "has_sig": false, "md5_digest": "8355bd4b4957c8529adeb658f48213d7", "packagetype": "bdist_wheel", "python_version": "cp39", "requires_python": ">=3.6.2", "size": 218771460, "upload_time": "2021-09-20T22:48:08", "upload_time_iso_8601": "2021-09-20T22:48:08.143669Z", "url": "https://files.pythonhosted.org/packages/73/f1/835fad3d4c47671debeb71e798b8d32d84b50a66b58b95973daee2d62929/torch-1.9.1-cp39-none-macosx_10_9_x86_64.whl", "yanked": false, "yanked_reason": null } ] }, "urls": [ { "comment_text": "", "digests": { "md5": "5e21f99400dc90749484560de60c3f41", "sha256": "62052b50fffc29ca7afc0c04ef8206b6f1ca9d10629cb543077e12967e8d0398" }, "downloads": -1, "filename": "torch-1.11.0-cp310-cp310-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "5e21f99400dc90749484560de60c3f41", "packagetype": "bdist_wheel", "python_version": "cp310", "requires_python": ">=3.7.0", "size": 750593273, "upload_time": "2022-03-10T16:41:49", "upload_time_iso_8601": "2022-03-10T16:41:49.635740Z", "url": "https://files.pythonhosted.org/packages/76/96/3fd30662981043ac6fa1dc4f2cf8f5fa5401cc125ff7b7bf1536eae5db28/torch-1.11.0-cp310-cp310-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "14cd9fe643acbb4a48feb5811e0cc160", "sha256": "866bfba29ac98dec35d893d8e17eaec149d0ac7a53be7baae5c98069897db667" }, "downloads": -1, "filename": "torch-1.11.0-cp310-cp310-manylinux2014_aarch64.whl", "has_sig": false, "md5_digest": "14cd9fe643acbb4a48feb5811e0cc160", "packagetype": "bdist_wheel", "python_version": "cp310", "requires_python": ">=3.7.0", "size": 50901403, "upload_time": "2022-03-10T16:45:06", "upload_time_iso_8601": "2022-03-10T16:45:06.214283Z", "url": "https://files.pythonhosted.org/packages/b2/11/72b6ba00907441486dbb58df9ab7b667f0f51de75a3904261e70e85a3f06/torch-1.11.0-cp310-cp310-manylinux2014_aarch64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "08cf98a749033fcc3114eb42acb32938", "sha256": "951640fb8db308a59d9b510e7d1ad910aff92913323bbe4bc75435347ddd346d" }, "downloads": -1, "filename": "torch-1.11.0-cp310-cp310-win_amd64.whl", "has_sig": false, "md5_digest": "08cf98a749033fcc3114eb42acb32938", "packagetype": "bdist_wheel", "python_version": "cp310", "requires_python": ">=3.7.0", "size": 157987904, "upload_time": "2022-03-10T16:44:28", "upload_time_iso_8601": "2022-03-10T16:44:28.282885Z", "url": "https://files.pythonhosted.org/packages/ea/50/f249331269934c911a47846ccd9315f7a63941300b832d887956f60c249b/torch-1.11.0-cp310-cp310-win_amd64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "8ed3f8bd4a8dba43d51cdb6e6a1fb4dd", "sha256": "5d77b5ece78fdafa5c7f42995ff9474399d22571cd6b2de21a5d666306a2ff8c" }, "downloads": -1, "filename": "torch-1.11.0-cp310-none-macosx_10_9_x86_64.whl", "has_sig": false, "md5_digest": "8ed3f8bd4a8dba43d51cdb6e6a1fb4dd", "packagetype": "bdist_wheel", "python_version": "cp310", "requires_python": ">=3.7.0", "size": 130100765, "upload_time": "2022-03-10T16:44:48", "upload_time_iso_8601": "2022-03-10T16:44:48.084985Z", "url": "https://files.pythonhosted.org/packages/87/ac/31d233b21345c4f713109e5e933a5a99473d31049c03f004ffb6cc24785d/torch-1.11.0-cp310-none-macosx_10_9_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "55d15769cfc5dcfbcfad7faff04138ef", "sha256": "b5a38682769b544c875ecc34bcb81fbad5c922139b61319aacffcfd8a32f528c" }, "downloads": -1, "filename": "torch-1.11.0-cp310-none-macosx_11_0_arm64.whl", "has_sig": false, "md5_digest": "55d15769cfc5dcfbcfad7faff04138ef", "packagetype": "bdist_wheel", "python_version": "cp310", "requires_python": ">=3.7.0", "size": 43134611, "upload_time": "2022-03-10T22:38:16", "upload_time_iso_8601": "2022-03-10T22:38:16.934719Z", "url": "https://files.pythonhosted.org/packages/36/0f/91edc4a0342aa2388a1845484a134aa88730a8632cfe4ad6c761f4ff4114/torch-1.11.0-cp310-none-macosx_11_0_arm64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "a623fad7bc442c23fc5c4d356c0c7c65", "sha256": "f82d77695a60626f2b7382d85bc566de8a6b3e50d32080755abc040db802e419" }, "downloads": -1, "filename": "torch-1.11.0-cp37-cp37m-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "a623fad7bc442c23fc5c4d356c0c7c65", "packagetype": "bdist_wheel", "python_version": "cp37", "requires_python": ">=3.7.0", "size": 750556028, "upload_time": "2022-03-10T16:40:28", "upload_time_iso_8601": "2022-03-10T16:40:28.045893Z", "url": "https://files.pythonhosted.org/packages/94/32/96a0955e5d6ed8a837eda5ca095dd2694c4617cfa70ca599660cd5ff7447/torch-1.11.0-cp37-cp37m-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "2345cc9d50575f6e64d25beb4e32056c", "sha256": "b96654d42566080a134e784705f33f8536b3b95b5dcde357ed7879b1692a5f78" }, "downloads": -1, "filename": "torch-1.11.0-cp37-cp37m-manylinux2014_aarch64.whl", "has_sig": false, "md5_digest": "2345cc9d50575f6e64d25beb4e32056c", "packagetype": "bdist_wheel", "python_version": "cp37", "requires_python": ">=3.7.0", "size": 51030515, "upload_time": "2022-03-10T16:44:58", "upload_time_iso_8601": "2022-03-10T16:44:58.251793Z", "url": "https://files.pythonhosted.org/packages/0f/34/c3fc160170e1af3a28df2c0fabc19e1ace66300b9a14b37b7d3b337531b0/torch-1.11.0-cp37-cp37m-manylinux2014_aarch64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "37d43d6b162a23d11ee0c50407f8987a", "sha256": "8ee7c2e8d7f7020d5bfbc1bb91b9591044c26bbd0cee5e4f694cfd7ed8649260" }, "downloads": -1, "filename": "torch-1.11.0-cp37-cp37m-win_amd64.whl", "has_sig": false, "md5_digest": "37d43d6b162a23d11ee0c50407f8987a", "packagetype": "bdist_wheel", "python_version": "cp37", "requires_python": ">=3.7.0", "size": 157996043, "upload_time": "2022-03-10T16:43:53", "upload_time_iso_8601": "2022-03-10T16:43:53.474079Z", "url": "https://files.pythonhosted.org/packages/1d/38/b654e16f97be5985877056f5f13747cbd015a105ac092f8bf4ff6ca03f6f/torch-1.11.0-cp37-cp37m-win_amd64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "163cbf3b53870115167c981cc729447e", "sha256": "6860b1d1bf0bb0b67a6bd47f85a0e4c825b518eea13b5d6101999dbbcbd5bc0c" }, "downloads": -1, "filename": "torch-1.11.0-cp37-none-macosx_10_9_x86_64.whl", "has_sig": false, "md5_digest": "163cbf3b53870115167c981cc729447e", "packagetype": "bdist_wheel", "python_version": "cp37", "requires_python": ">=3.7.0", "size": 129865099, "upload_time": "2022-03-10T16:44:11", "upload_time_iso_8601": "2022-03-10T16:44:11.804082Z", "url": "https://files.pythonhosted.org/packages/c2/18/fa0b20ba0e67c2c2b8128330086c39c2b2afc296434eb13cd07bfcce6c45/torch-1.11.0-cp37-none-macosx_10_9_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "7cff50df74a2bbf396e25d393289909a", "sha256": "4322aa29f50da7f404db06cdf30896ea67b09f673af4a985afc7162bc897864d" }, "downloads": -1, "filename": "torch-1.11.0-cp38-cp38-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "7cff50df74a2bbf396e25d393289909a", "packagetype": "bdist_wheel", "python_version": "cp38", "requires_python": ">=3.7.0", "size": 750589738, "upload_time": "2022-03-10T16:38:35", "upload_time_iso_8601": "2022-03-10T16:38:35.880934Z", "url": "https://files.pythonhosted.org/packages/2b/5c/14f3d5bf876d4db062e20baa933dce98ab7dde6599f462099fa2f69cc7e0/torch-1.11.0-cp38-cp38-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "dec37bf1d50b1823f0e81ca1c7655062", "sha256": "e4d2e0ddd652f30e94cff750220324ec45705d4ecc69658f773b3cb1c7a28dd0" }, "downloads": -1, "filename": "torch-1.11.0-cp38-cp38-manylinux2014_aarch64.whl", "has_sig": false, "md5_digest": "dec37bf1d50b1823f0e81ca1c7655062", "packagetype": "bdist_wheel", "python_version": "cp38", "requires_python": ">=3.7.0", "size": 50898133, "upload_time": "2022-03-10T16:43:34", "upload_time_iso_8601": "2022-03-10T16:43:34.706145Z", "url": "https://files.pythonhosted.org/packages/8e/14/e995722459b6780817e94b4cc2a7ed71a1ead209e0d4052ba4eea224e4a8/torch-1.11.0-cp38-cp38-manylinux2014_aarch64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "ddcc1414af2fa655b82270cdd10dec56", "sha256": "34ce5ea4d8d85da32cdbadb50d4585106901e9f8a3527991daa70c13a09de1f7" }, "downloads": -1, "filename": "torch-1.11.0-cp38-cp38-win_amd64.whl", "has_sig": false, "md5_digest": "ddcc1414af2fa655b82270cdd10dec56", "packagetype": "bdist_wheel", "python_version": "cp38", "requires_python": ">=3.7.0", "size": 158017778, "upload_time": "2022-03-10T16:43:22", "upload_time_iso_8601": "2022-03-10T16:43:22.828606Z", "url": "https://files.pythonhosted.org/packages/fb/1b/cb472a0e2bdb298bb85e1b239883fbd994660f45e50a4c4fba8dc080f47e/torch-1.11.0-cp38-cp38-win_amd64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "ee3e82763b867591ec41ec58e4237e9a", "sha256": "0ccc85cd06227a3edf809e2c795fd5762c3d4e8a38b5c9f744c6e7cf841361bb" }, "downloads": -1, "filename": "torch-1.11.0-cp38-none-macosx_10_9_x86_64.whl", "has_sig": false, "md5_digest": "ee3e82763b867591ec41ec58e4237e9a", "packagetype": "bdist_wheel", "python_version": "cp38", "requires_python": ">=3.7.0", "size": 129930229, "upload_time": "2022-03-10T16:42:58", "upload_time_iso_8601": "2022-03-10T16:42:58.315856Z", "url": "https://files.pythonhosted.org/packages/79/df/c5ac776569d658eeec99bb8cf908c17ff7e89d15dc5d94ba5ec6df6b3e55/torch-1.11.0-cp38-none-macosx_10_9_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "e5812815537c69118bc6c8768e96f761", "sha256": "c1554e49d74f1b2c3e7202d77056ba2dd7465437585bac64062b580f714a44e9" }, "downloads": -1, "filename": "torch-1.11.0-cp38-none-macosx_11_0_arm64.whl", "has_sig": false, "md5_digest": "e5812815537c69118bc6c8768e96f761", "packagetype": "bdist_wheel", "python_version": "cp38", "requires_python": ">=3.7.0", "size": 43135555, "upload_time": "2022-03-10T16:42:41", "upload_time_iso_8601": "2022-03-10T16:42:41.885471Z", "url": "https://files.pythonhosted.org/packages/7c/bc/c5ada769b0f31ca1b7f05e15575703641d648100ac432a182e350076e64d/torch-1.11.0-cp38-none-macosx_11_0_arm64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "d4d06e308dd0f8172cb908aa7bed9e8b", "sha256": "58c7814502b1c129a650d7092033bbb0bbd64faf1a7941631aaa1aeaddc37570" }, "downloads": -1, "filename": "torch-1.11.0-cp39-cp39-manylinux1_x86_64.whl", "has_sig": false, "md5_digest": "d4d06e308dd0f8172cb908aa7bed9e8b", "packagetype": "bdist_wheel", "python_version": "cp39", "requires_python": ">=3.7.0", "size": 750584423, "upload_time": "2022-03-10T16:37:26", "upload_time_iso_8601": "2022-03-10T16:37:26.194512Z", "url": "https://files.pythonhosted.org/packages/f8/04/ebf936e02d37c185341558de73324c6511d7fb7578cb1c3439411475fd7e/torch-1.11.0-cp39-cp39-manylinux1_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "51e0baa21fe3e472edc21e901593a2bd", "sha256": "831cf588f01dda9409e75576741d2823453990dee2983d670f2584b37a01adf7" }, "downloads": -1, "filename": "torch-1.11.0-cp39-cp39-manylinux2014_aarch64.whl", "has_sig": false, "md5_digest": "51e0baa21fe3e472edc21e901593a2bd", "packagetype": "bdist_wheel", "python_version": "cp39", "requires_python": ">=3.7.0", "size": 50901286, "upload_time": "2022-03-10T16:42:34", "upload_time_iso_8601": "2022-03-10T16:42:34.124800Z", "url": "https://files.pythonhosted.org/packages/cf/9a/8d80deb5d2e9e17933f5dfe717a42a7608dc0e6799f7a7a0de3f7d7093d7/torch-1.11.0-cp39-cp39-manylinux2014_aarch64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "14dbbfd5d6da112add8dd708cdd14fc1", "sha256": "44a1d02fd20f827f0f36dc26fdcfc45e793806a6ad52769a22260655a77a4369" }, "downloads": -1, "filename": "torch-1.11.0-cp39-cp39-win_amd64.whl", "has_sig": false, "md5_digest": "14dbbfd5d6da112add8dd708cdd14fc1", "packagetype": "bdist_wheel", "python_version": "cp39", "requires_python": ">=3.7.0", "size": 157942225, "upload_time": "2022-03-10T16:42:22", "upload_time_iso_8601": "2022-03-10T16:42:22.782072Z", "url": "https://files.pythonhosted.org/packages/c7/56/52a05ec2ad6c58472a768351a6ea4b600c532a3f46dde57fe2aaa14bfbd1/torch-1.11.0-cp39-cp39-win_amd64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "917e4c2f6a7349641295a9f09d809f2c", "sha256": "50fd9bf85c578c871c28f1cb0ace9dfc6024401c7f399b174fb0f370899f4454" }, "downloads": -1, "filename": "torch-1.11.0-cp39-none-macosx_10_9_x86_64.whl", "has_sig": false, "md5_digest": "917e4c2f6a7349641295a9f09d809f2c", "packagetype": "bdist_wheel", "python_version": "cp39", "requires_python": ">=3.7.0", "size": 129930327, "upload_time": "2022-03-10T16:39:08", "upload_time_iso_8601": "2022-03-10T16:39:08.770790Z", "url": "https://files.pythonhosted.org/packages/fe/6f/9d42e62cbd28e69fef578f8c4a1d33a4716d378dbc7ae720d211b28dc81a/torch-1.11.0-cp39-none-macosx_10_9_x86_64.whl", "yanked": false, "yanked_reason": null }, { "comment_text": "", "digests": { "md5": "d88113ea2a0597fd611880e93a508fe0", "sha256": "0e48af66ad755f0f9c5f2664028a414f57c49d6adc37e77e06fe0004da4edb61" }, "downloads": -1, "filename": "torch-1.11.0-cp39-none-macosx_11_0_arm64.whl", "has_sig": false, "md5_digest": "d88113ea2a0597fd611880e93a508fe0", "packagetype": "bdist_wheel", "python_version": "cp39", "requires_python": ">=3.7.0", "size": 43134936, "upload_time": "2022-03-10T16:39:18", "upload_time_iso_8601": "2022-03-10T16:39:18.486089Z", "url": "https://files.pythonhosted.org/packages/ec/bc/5e2b92f471496da1629e156553c8d92e0df667743f3128dd5e4db287ddb9/torch-1.11.0-cp39-none-macosx_11_0_arm64.whl", "yanked": false, "yanked_reason": null } ], "vulnerabilities": [] }