python - Pytorch-运行时错误 : Expected object of scalar type Long but got scalar type Float for argument #2 'target' in call to _thnn_nll_loss_forward

标签 python pytorch loss cross-entropy

我正在尝试使用 PyTorch 进行一些实验,我在其中创建了自己的输入和目标。我将这些输入输入到模型中(这是一个带有 2 个隐藏层的基本 ANN,这没有任何问题)。但由于某种原因,我无法计算 CrossEntropyLoss()。我不明白为什么。我知道 StakcOverflow 上的其他一些问题与我的标题相同或有类似的问题。我经历过这些,但对我来说没有任何结果。很多人都对数据集有疑问,但这似乎不是我的问题。

import torch
import torch.nn as nn
import torch.nn.functional as F
import torch.optim as optim
import numpy as np
import pandas as pd
import matplotlib.pyplot as plt

class Net(nn.Module):
    def __init__(self) -> None:
        super(Net, self).__init__()
        self.layer1 = nn.Linear(2, 10)
        self.layer2 = nn.Linear(10, 1)

    def forward(self, x):
        x = F.relu(self.layer1(x))
        x = self.layer2(x)
        return x
    
device = torch.device('cuda' if torch.cuda.is_available() else 'cpu')
model = Net().to(device=device)
loss_fn = nn.CrossEntropyLoss()
learning_rate = 1e-3
epochs = 20
optimizer = optim.Adam(model.parameters(), lr=learning_rate)
inputs = torch.Tensor([
    [0,0],
    [0,1],
    [1,0],
    [1,1]
], ).to(device=device)

targets = torch.Tensor([
    0,
    1,
    1,
    0
]).to(device=device)

model.train()
for epoch in range(epochs):

    pred_output = model(inputs)
    print(pred_output.dtype)
    print(targets.dtype)
    loss = loss_fn(pred_output, targets)
    
    optimizer.zero_grad()
    loss.backward()
    optimizer.step()
    print()
    break

我看到的错误是,

torch.float32
torch.float32
Traceback (most recent call last):
  File ".\main.py", line 57, in <module>
    loss = loss_fn(pred_output, targets)
  File "C:\Users\user\anaconda3\lib\site-packages\torch\nn\modules\module.py", line 889, in _call_impl
    result = self.forward(*input, **kwargs)
  File "C:\Users\user\anaconda3\lib\site-packages\torch\nn\modules\loss.py", line 1047, in forward
    return F.cross_entropy(input, target, weight=self.weight,
  File "C:\Users\user\anaconda3\lib\site-packages\torch\nn\functional.py", line 2693, in cross_entropy
    return nll_loss(log_softmax(input, 1), target, weight, None, ignore_index, None, reduction)
  File "C:\Users\user\anaconda3\lib\site-packages\torch\nn\functional.py", line 2388, in nll_loss
    ret = torch._C._nn.nll_loss(input, target, weight, _Reduction.get_enum(reduction), ignore_index)
RuntimeError: Expected object of scalar type Long but got scalar type Float for argument #2 'target' in call to _thnn_nll_loss_forward

最佳答案

我可以使用此代码复制您的错误。

import torch.nn as nn
loss = nn.CrossEntropyLoss()
input = torch.randn(3, 5, requires_grad=True)
target = torch.tensor([1., 2., 3.])
loss(input, target)

错误:

RuntimeError: expected scalar type Long but found Float

将目标的数据类型更改为target = torch.tensor([1., 2., 3.], dtype=torch.long),一切正常。我相信目标变量确实需要长数据类型,因为将输入更改为 float 也可以。

#this will also work
input = torch.randn(3, 5, requires_grad=True, dtype=torch.float)
target = torch.tensor([1., 2., 3.], dtype=torch.long)
loss(input, target)  

请注意,文档示例代码中也有此 torch.long 数据类型。 https://pytorch.org/docs/stable/generated/torch.nn.CrossEntropyLoss.html

#编辑1 它不起作用的原因是您在代码中定义输入/目标张量的方式。使用带有小“t”的 torch.tensor 而不是 torch.Tensor。详细讨论请参见What is the difference between torch.tensor and torch.Tensor? .

#this will work. Also notice the decimal. otherwise it will be interpreted differently by pytorch
inputs = torch.tensor([[0.,0.],[0.,1.],[1.,0.],[1.,1.]]).to(device=device)
targets = torch.tensor([0.,1.,1.,0.], dtype=torch.long).to(device=device)

关于python - Pytorch-运行时错误 : Expected object of scalar type Long but got scalar type Float for argument #2 'target' in call to _thnn_nll_loss_forward,我们在Stack Overflow上找到一个类似的问题: https://stackoverflow.com/questions/68256087/

相关文章:

mongodb - 使用 Mongo DB 的 PyTorch DataLoader

tensorflow - '属性错误: 'Tensor' object has no attribute '_keras_history' during implementing perceptual loss with pretrained VGG using keras

python - 遍历 jinja2 中的 pandas 数据框

python - 在 Bottle 框架中运行 eventlet 服务器

python - 如何使用 plt.imshow 和 torchvision.utils.make_grid 在 PyTorch 中生成和显示图像网格?

python - Pytorch 中的 LSTM : how to add/change sequence length dimension?

python - tensorflow /keras中批量大小的自定义损失w权重数组

java - android UDP 不可靠性

python - SQLAlchemy FK ondelete 不限制

python - setup.py 生成/usr/bin 包装器,带有 "#!."shebang