我正在尝试在Windows上安装pytorch,但有一个可用,但显示错误。
conda install -c peterjc123 pytorch=0.1.12
答案 0 :(得分:15)
PyTorch 0.4现在正式支持Windows。
使用
安装PyTorch(不使用CUDA)conda install pytorch-cpu -c pytorch
pip3 install torchvision
使用
安装PyTorch(CUDA 9.1)conda install pytorch cuda91 -c pytorch
pip3 install torchvision
有关更多安装指南,请参阅offical website。
答案 1 :(得分:8)
似乎作者(peterjc123)发布了2天前conda软件包在Windows上安装PyTorch 0.3.0。这是一份副本:
# for Windows 10 and Windows Server 2016, CUDA 8
conda install -c peterjc123 pytorch cuda80
# for Windows 10 and Windows Server 2016, CUDA 9
conda install -c peterjc123 pytorch cuda90
# for Windows 7/8/8.1 and Windows Server 2008/2012, CUDA 8
conda install -c peterjc123 pytorch_legacy cuda80
来源:https://github.com/pytorch/pytorch/issues/494#issuecomment-350527200
答案 2 :(得分:3)
访问官方网站:http://pytorch.org/
例如,如果您在列出的步骤中选择 Windows,pip,python 3.6 和无,您将获得以下命令:
pip3 install http://download.pytorch.org/whl/cpu/torch-0.4.0-cp36-cp36m-win_amd64.whl
pip3 install torchvision
答案 3 :(得分:2)
2019年6月更新:pytorch现在拥有专用的conda通道,可以轻松地与anaconda一起安装。在pytorch生成的命令将需要依赖项才能成功执行。例如,我选择了使用python 3.6和Cuda 10.0的稳定pytorch 1.1版本。 pytorch页面生成的命令如下:
conda安装pytorch torchvision cudatoolkit = 10.0 -c pytorch
但是,如果您创建了像我这样的新conda环境,它将无法正常工作。设置pytorch的分步过程如下:
conda install -c anaconda cudatoolkit = 10.0
conda install -c anaconda mkl_fft
conda install -c pytorch pytorch
这对我有用。但是在开始pytorch设置之前,我已经使用scikit-learn和jupyter笔记本设置了新的conda环境。因此,如果出现任何依赖性问题,最好同时安装scikit-learn和jupyter笔记本。
答案 4 :(得分:1)
如果@ x0s的答案给出了依赖性问题,那么请在此之前尝试更新conda。
conda update conda
conda install -c peterjc123 pytorch_legacy cuda80
答案 5 :(得分:1)
pip install torch == 1.5.0 + cpu torchvision == 0.6.0 + cpu -f https://download.pytorch.org/whl/torch_stable.html
答案 6 :(得分:1)
尝试运行:
conda install -c pytorch pytorch
该命令将更新/安装:conda,cudatoolkit,pytorch。
答案 7 :(得分:1)
对于python 3.7,这是最新的截止日期
用于CPU上的pytorch
pip install https://download.pytorch.org/whl/cpu/torch-1.0.1-cp37-cp37m-win_amd64.whl
pip install torchvision
答案 8 :(得分:0)
conda install -c peterjc123 pytorch #for windows
这一个简单的行将为您完成Windows的工作。
或者你可以将这个用于linux或osx。
conda install -c soumith pytorch
答案 9 :(得分:0)
我使用的官方网站(https://pytorch.org/get-started/locally/)中针对Windows 10和Conda环境提到了以下命令:
conda安装pytorch torchvision cudatoolkit = 10.2 -c pytorch
我在Anaconda命令提示符中运行了此命令,但是由于出现以下错误,我被卡住了
错误conda.core.link:_execute(502):卸载软件包“ defaults :: pycurl-7.43.0.1-py36h74b6da3_0”时发生错误。 WindowsError(5,'访问被拒绝')
要解决此问题,我以管理员身份打开了Anaconda命令提示符,然后再次运行了同一命令。它解决了访问问题,并允许安装软件包。
因此,您只需要使用以下两个步骤:
第1步:以管理员身份打开Anaconda提示符
第2步:运行以下命令
conda安装pytorch torchvision cudatoolkit = 10.2 -c pytorch
答案 10 :(得分:0)
尝试一下
答案 11 :(得分:0)
here中所述的一些步骤可能有助于在Windows中安装Pytorch(CPU版本):
然后转到您下载了whl文件的目录,然后按SHIFT键并右键单击并在此处选择打开命令提示符,然后执行以下操作:
pip install Shapely-1.6.3-cp36-cp36m-win_amd64.whl
pip安装intel-openmp
pip install torch‑1.0.1‑cp36‑cp36m‑win_amd64.whl
答案 12 :(得分:0)
如果您尝试在Windows 10上安装并且没有安装anaconda,则最好的选择如下:
点安装https://download.pytorch.org/whl/cpu/torch-1.0.1-cp27-cp27mu-linux_x86_64.whl pip install torchvision
点安装https://download.pytorch.org/whl/cpu/torch-1.0.1-cp27-cp27m-linux_x86_64.whl
pip3安装https://download.pytorch.org/whl/cpu/torch-1.0.1-cp35-cp35m-win_amd64.whl pip3 install torchvision
pip3安装https://download.pytorch.org/whl/cpu/torch-1.0.1-cp36-cp36m-win_amd64.whl pip3 install torchvision
pip3安装https://download.pytorch.org/whl/cpu/torch-1.0.1-cp37-cp37m-win_amd64.whl pip3 install torchvision
答案 13 :(得分:0)
诀窍是去PyTorch webiste拿起您需要的东西:
答案 14 :(得分:0)
我在Git bash和Windows Cmd提示符下收到某种Rollback error
,因此不得不以管理员身份运行Anaconda提示符:
conda install pytorch-cpu -c pytorch
然后在Anaconda提示符下尝试以下命令时得到另一个提示:
pip3 install torchvision
所以我切换回Windows提示符以输入它,它起作用了。
要测试安装,我从Git Bash运行了该程序:
$ python reinforcement_q_learning.py
具有看起来像这样的源代码(无论如何靠近顶部):
"""
import gym
import math
import random
import numpy as np
import matplotlib
import matplotlib.pyplot as plt
from collections import namedtuple
from itertools import count
from PIL import Image
import torch
import torch.nn as nn
import torch.optim as optim
import torch.nn.functional as F
import torchvision.transforms as T
env = gym.make('CartPole-v0').unwrapped
# set up matplotlib
is_ipython = 'inline' in matplotlib.get_backend()
if is_ipython:
from IPython import display
plt.ion()
# if gpu is to be used
device = torch.device("cuda" if torch.cuda.is_available() else "cpu")
######################################################################
# Replay Memory
# -------------
#
# We'll be using experience replay memory for training our DQN. It stores
# the transitions that the agent observes, allowing us to reuse this data
# later. By sampling from it randomly, the transitions that build up a
# batch are decorrelated. It has been shown that this greatly stabilizes
# and improves the DQN training procedure.
#
# For this, we're going to need two classses:
#
# - ``Transition`` - a named tuple representing a single transition in
# our environment. It maps essentially maps (state, action) pairs
# to their (next_state, reward) result, with the state being the
# screen difference image as described later on.
# - ``ReplayMemory`` - a cyclic buffer of bounded size that holds the
# transitions observed recently. It also implements a ``.sample()``
# method for selecting a random batch of transitions for training.
#
Transition = namedtuple('Transition',
('state', 'action', 'next_state', 'reward'))
class ReplayMemory(object):
def __init__(self, capacity):
self.capacity = capacity
self.memory = []
self.position = 0
def push(self, *args):
"""Saves a transition."""
if len(self.memory) < self.capacity:
self.memory.append(None)
self.memory[self.position] = Transition(*args)
self.position = (self.position + 1) % self.capacity
def sample(self, batch_size):
return random.sample(self.memory, batch_size)
def __len__(self):
return len(self.memory)
############continues to line 507...
答案 15 :(得分:0)
这行代码对我有用:
conda install -c peterjc123 pytorch
如果您在安装时遇到任何问题,请检查这些链接:
Superdatascience Tutorial 明确说明如何做到这一点。
或者只需转到anaconda pytorch页面:https://anaconda.org/peterjc123/pytorch
它对我有用。希望我的回答很有用。
答案 16 :(得分:0)
您可能需要考虑使用Docker for Windows。这将使您能够像在Linux上一样安装pytorch。虽然,我认为DfW对CUDA的支持有限,所以如果你计划使用CUDA,你可能想要探索不同的选项。
答案 17 :(得分:-1)
在Windows 10上,具有pip安装功能的Python 3.6对我有效,
pip3 install https://download.pytorch.org/whl/cu90/torch-1.1.0-cp36-cp36m-win_amd64.whl
还需要安装Torchvision
pip3 install https://download.pytorch.org/whl/cu90/torchvision-0.3.0-cp36-cp36m-win_amd64.whl
答案 18 :(得分:-1)
下面是工作配置:
Python 3.8
Pytorch版本1.5.1
Windows 10
pytorch安装命令:
conda install pytorch torchvision cudatoolkit=9.2 -c pytorch -c defaults -c numba/label/dev