pytorch

    1熱度

    1回答

    在ubuntu14.04,我用pytorch與cudnn.This問題發生了: Traceback (most recent call last): File "main.py", line 58, in <module> test_detect(test_loader, nod_net, get_pbb, bbox_result_path,config1,n_gpu=conf

    0熱度

    1回答

    我經歷this script,並有一個代碼塊,需要2個選項考慮,DataParallel和DistributedDataParallel這裏: if not args.distributed: if args.arch.startswith('alexnet') or args.arch.startswith('vgg'): model.features = torch.nn

    1熱度

    1回答

    我在我的代碼中做了一些修改,以便它不使用DataParallel和DistributedDataParallel。代碼如下: import argparse import os import shutil import time import torch import torch.nn as nn import torch.nn.parallel import torch.back

    1熱度

    1回答

    net.forward運行我使用Python IDE spyder3.2.1在anaconda2,與python2.7,ubuntu14.04 代碼如下只是簡單的: import torch from torch.autograd import Variable import torch.nn as nn import torch.nn.functional as F import num

    1熱度

    2回答

    我得到這個錯誤: C:\Users>conda install pytorch torchvision -c soumith Fetching package metadata ............. PackageNotFoundError: Package missing in current win-64 channels: - pytorch 我從Pytorch o

    0熱度

    1回答

    我在pytorch中有一個模型,並且從一個正向傳遞想要提取幾個圖層的輸出。那可能嗎? 例如VGG的第一個五年CONV層的輸出 import torchvision vgg = torchvision.models.vgg19_bn()

    2熱度

    1回答

    試圖總結我的頭圍繞如何梯度代表,以及如何autograd作品: import torch from torch.autograd import Variable x = Variable(torch.Tensor([2]), requires_grad=True) y = x * x z = y * y z.backward() print(x.grad) #Variable

    1熱度

    2回答

    在我訓練PyTorch模型的推理代碼中,出了什麼問題? 有一個運行時錯誤信息: 「預計CPU張量(GOT CUDA張量)」 import torch import torch.nn as nn #from __future__ import print_function import argparse from PIL import Image import torchvision.mo

    2熱度

    2回答

    對於pytorch模型,我發現this tutorial解釋如何分類圖像。我試圖將相同的程序應用於初始模型。但是該模型對每個圖像失敗,我在加載 代碼: # some people need these three lines to make it work #from torchvision.models.inception import model_urls #name = 'incepti

    -1熱度

    3回答

    我想在Numpy中實現Tensorflow或PyTorch的分散和聚集操作。我一直在撓頭。任何指針都非常感謝! PyTorch Scatter PyTorch Gather