pytorch:“不支持多目标"错误信息

编程入门 行业动态 更新时间:2024-10-27 12:38:44
本文介绍了pytorch:“不支持多目标"错误信息的处理方法,对大家解决问题具有一定的参考价值,需要的朋友们下面随着小编来一起学习吧! 问题描述

所以我想对一些(3,50,50)图片进行分类.首先,我从没有数据加载器或批处理的文件中加载数据集,它可以正常工作.现在,在添加完这两项之后,我得到了该错误:

so I want to classify some (3,50,50) pictures. First I loaded the dataset from the file without a dataloader or batches, it worked. Now, after adding both things I get that error:

RuntimeError: multi-target not supported at /pytorch/aten/src/THCUNN/generic/ClassNLLCriterion.cu:15

我在互联网上找到了很多答案,主要是使用"target.squeeze(1)",但这对我不起作用.我的目标批次如下所示:

I found a lot of answers in the internet, mostly to use "target.squeeze(1)" but it doesn´t work for me. My target-batch looks like following:

tensor([[1, 0], [1, 0], [1, 0], [1, 0], [1, 0], [1, 0], [1, 0], [1, 0]], device='cuda:0')

应该没事吗?

这里是完整代码(请注意,Im仅创建模型的结构,Im之后将在此模型上应用完整和正确的数据集,因为我还没有完整的数据,只有32张图片且没有标签,这就是为什么我添加了"torch.tensor([1,0])作为所有标签的占位符):

Here the full code (notice that Im only creating the structure of the model on which Im going to apply the full and correct dataset afterwards, because I dont have the full data yet, only 32 pictures and no labels, thats why I added "torch.tensor([1, 0]) as a placeholder for all labels):

import torch import torch.utils.data import torch.nn as nn import torch.nn.functional as F import torch.optim from torch.autograd import Variable import numpy as np from PIL import Image class Model(nn.Module): def __init__(self): super(Model, self).__init__() # model structur: self.conv1 = nn.Conv2d(3, 10, kernel_size=(5,5), stride=(1,1)) self.conv2 = nn.Conv2d(10, 20, kernel_size=(5,5), stride=(1,1)) # with mapool: output = 20 * (9,9) feature-maps -> flatten self.fc1 = nn.Linear(20*9*9, 250) self.fc2 = nn.Linear(250, 100) self.fc3 = nn.Linear(100, 2) def forward(self, x): # conv layers x = F.relu(self.conv1(x)) # shape: 1, 10, 46, 46 x = F.max_pool2d(x, 2, 2) # shape: 1, 10, 23, 23 x = F.relu(self.conv2(x)) # shape: 1, 20, 19, 19 x = F.max_pool2d(x, 2, 2) # shape: 1, 20, 9, 9 # flatten to dense layer: x = x.view(-1, 20*9*9) # dense layers x = F.relu(self.fc1(x)) x = F.relu(self.fc2(x)) output = F.log_softmax(self.fc3(x), dim=1) return output class Run: def __init__(self, epochs, learning_rate, dropout, momentum): # load model self.model = Model().cuda() # hyperparameters: self.epochs = epochs self.learning_rate = learning_rate self.dropout = dropout def preporcessing(self): dataset_folder = "/media/theodor/hdd/Programming/BWKI/dataset/bilder/" dataset = [] for i in range(0, 35): sample_image = Image.open(dataset_folder + str(i) + ".png") data = torch.from_numpy(np.array(sample_image)).type("torch.Tensor").reshape(3, 50, 50) target = torch.tensor([[1, 0]]) sample = (data, target) dataset.append(sample) train_loader = torch.utils.data.DataLoader(dataset, batch_size=8) return train_loader def train(self): train_set = self.preporcessing() criterion = nn.CrossEntropyLoss() optimizer = torch.optim.SGD(self.model.parameters(), lr=self.learning_rate) for epoch in range(self.epochs): epoch_loss = 0 for i, data in enumerate(train_set, 0): sample, target = data # set data as cuda varibale sample = Variable(sample.float().cuda()) target = Variable(target.cuda()) # initialize optimizer optimizer.zero_grad() # predict output = self.model(sample) # backpropagation print(output, target.squeeze(1)) loss = criterion(output, target.squeeze(1)) # ERROR MESSAGE: RuntimeError: multi-target not supported at /pytorch/aten/src/THCUNN/generic/ClassNLLCriterion.cu:15 loss.backward() optimizer.step() epoch_loss += loss.item() print("loss after epoch [", epoch, "|", self.epochs, "] :", epoch_loss) def test(self): pass run = Run(10, 0.001, 0.5, 0.9) run.train()

所以我希望它能开始训练(当然,因为标签错误,所以我们不会学到任何东西),预先感谢!

So I expected it to start training (of course not learning anything because the labels are wrong), Thanks in advance!

推荐答案

对于 nn.CrossEntropyLoss ,目标必须是间隔[0,#classes]中的单个数字,而不是一个-热编码目标向量.您的目标是[1,0],因此PyTorch认为您希望每个输入有多个不支持的标签.

For nn.CrossEntropyLoss the target has to be a single number from the interval [0, #classes] instead of a one-hot encoded target vector. Your target is [1, 0], thus PyTorch thinks you want to have multiple labels per input which is not supported.

替换您的一键编码目标:

Replace your one-hot-encoded targets:

[1,0]-> 0

[1, 0] --> 0

[0,1]-> 1

[0, 1] --> 1

更多推荐

pytorch:“不支持多目标"错误信息

本文发布于:2023-11-05 19:29:56,感谢您对本站的认可!
本文链接:https://www.elefans.com/category/jswz/34/1561652.html
版权声明:本站内容均来自互联网,仅供演示用,请勿用于商业和其他非法用途。如果侵犯了您的权益请与我们联系,我们将在24小时内删除。
本文标签:不支持   错误信息   目标   pytorch   quot

发布评论

评论列表 (有 0 条评论)
草根站长

>www.elefans.com

编程频道|电子爱好者 - 技术资讯及电子产品介绍!