NLLLoss¶
- class torch.nn.NLLLoss(weight=None, size_average=None, ignore_index=-100, reduce=None, reduction='mean')[source][source]¶
负对数似然损失。它适用于训练具有 C 个类别的分类问题。
如果提供,可选参数
weight
应该是一个 1D 张量,为每个类别分配权重。当您有一个不平衡的训练集时,这尤其有用。通过前向调用给出的 input 预计包含每个类别的对数概率。input 必须是大小为 或 之一的张量,对于 K 维情况,。后者对于更高维度的输入很有用,例如计算 2D 图像的每像素 NLL 损失。
在神经网络中获得对数概率很容易实现,只需在网络的最后一层添加一个 LogSoftmax 层。如果您不想添加额外的层,可以使用 CrossEntropyLoss 代替。
此损失期望的 target 应该是 范围内的类别索引,其中 C = 类别数;如果指定了 ignore_index,则此损失也接受此类别索引(此索引可能不一定在类别范围内)。
未约简的(即
reduction
设置为'none'
)损失可以描述为其中 是输入, 是目标, 是权重, 是批大小。如果
reduction
不是'none'
(默认'mean'
),则- 参数
weight (Tensor, 可选) – 赋予每个类别的手动重缩放权重。如果给定,则它必须是大小为 C 的张量。否则,它将被视为全部为 1。
size_average (bool, 可选) – 已弃用(请参阅
reduction
)。默认情况下,损失在批次中每个损失元素上取平均值。请注意,对于某些损失,每个样本有多个元素。如果字段size_average
设置为False
,则损失将改为为每个小批量求和。当reduce
为False
时忽略。默认值:None
ignore_index (int, 可选) – 指定一个要忽略的目标值,该值不影响输入梯度。当
size_average
为True
时,损失在非忽略目标上取平均值。reduce (bool, 可选) – 已弃用(请参阅
reduction
)。默认情况下,损失根据size_average
在每个小批量的观测值上取平均值或求和。当reduce
为False
时,返回每个批次元素的损失,并忽略size_average
。默认值:None
reduction (str, 可选) – 指定应用于输出的约简方式:
'none'
|'mean'
|'sum'
。'none'
:不应用约简,'mean'
:取输出的加权平均值,'sum'
:将对输出求和。注意:size_average
和reduce
正在被弃用,同时,指定这两个参数中的任何一个都将覆盖reduction
。默认值:'mean'
- 形状:
输入: 或 , 其中 C = 类别数量, N = 批大小,或 ,在 K 维损失的情况下,。
目标: 或 , 其中每个值是 , 或 ,在 K 维损失的情况下,。
输出: 如果
reduction
是'none'
,形状为 或 ,在 K 维损失的情况下,。否则,为标量。
示例
>>> log_softmax = nn.LogSoftmax(dim=1) >>> loss_fn = nn.NLLLoss() >>> # input to NLLLoss is of size N x C = 3 x 5 >>> input = torch.randn(3, 5, requires_grad=True) >>> # each element in target must have 0 <= value < C >>> target = torch.tensor([1, 0, 4]) >>> loss = loss_fn(log_softmax(input), target) >>> loss.backward() >>> >>> >>> # 2D loss example (used, for example, with image inputs) >>> N, C = 5, 4 >>> loss_fn = nn.NLLLoss() >>> data = torch.randn(N, 16, 10, 10) >>> conv = nn.Conv2d(16, C, (3, 3)) >>> log_softmax = nn.LogSoftmax(dim=1) >>> # output of conv forward is of shape [N, C, 8, 8] >>> output = log_softmax(conv(data)) >>> # each element in target must have 0 <= value < C >>> target = torch.empty(N, 8, 8, dtype=torch.long).random_(0, C) >>> # input to NLLLoss is of size N x C x height (8) x width (8) >>> loss = loss_fn(output, target) >>> loss.backward()