赞
踩
本文的结构是首先介绍一些常见的损失函数,然后介绍一些个性化的损失函数实例。
讲解博文:
二分类可以使用BCELoss,比如链路预测任务预测某条边是否存在,或者多标签分类中将每个类作为一个二分类任务(但是一般来说这样效果会很差),就用BCELoss。
torch.nn.BCEWithLogitsLoss
=sigmoid (torch.special.expit
) +torch.nn.BCELoss
BCEWithLogitsLoss — PyTorch 1.12 documentation
直接使用torch.nn.BCEWithLogitsLoss
在数学上更稳定。
torch.nn.BCEWithLogitsLoss(weight=None, size_average=None, reduce=None, reduction='mean', pos_weight=None)
单标签二分类(一般都是这样的):
loss = nn.BCEWithLogitsLoss()
input = torch.randn(3, requires_grad=True)
target = torch.empty(3).random_(2)
output = loss(input, target)
output.backward()
BCELoss和sigmoid分开的写法:(这个标签和预测结果就是多标签二分类,只是展开了)
loss_func=nn.BCELoss()
logp=torch.special.expit(logits)
loss=loss_func(logp.view(-1),train_label.view(-1))
多标签二分类:
target = torch.ones([10, 64], dtype=torch.float32) # 64 classes, batch size = 10
output = torch.full([10, 64], 1.5) # A prediction (logit)
pos_weight = torch.ones([64]) # All weights are equal to 1
criterion = torch.nn.BCEWithLogitsLoss(pos_weight=pos_weight)
criterion(output, target) # -log(sigmoid(1.5))
输出:tensor(0.2014)
其他相关参考资料:
CrossEntropyLoss(等于softmax+NLLLoss)
CrossEntropyLoss的入参:
weight=torch.from_numpy(np.array([0.1,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0,1.0])).float())
,然后weight=weight.to(cuda_device)
再criterion=nn.CrossEntropyLoss(weight=weight)
,或者先criterion=nn.CrossEntropyLoss(weight=weight)
再criterion.to(cuda_device)
代码用法:
torch.nn.CrossEntropyLoss()(标签,预测出的logits)
注意,这里的标签可以是每个样本对应的标签向量(值为1的标签是ground-truth),也可以是每个样本对应的标签索引(取值为0至(标签数-1))
有些情况下,在nn.Module的forward()
中就已经对logits进行了归一化。在这种情况下就直接对输出用NLLLoss即可:
criterion=nn.NLLLoss()
loss=criterion(torch.log(logits + 1e-8),labels)
完整代码可参考:https://github.com/PolarisRisingWar/LJP_Collection/blob/master/models/MPBFN/train_and_test.py
参考论文:
通用参考资料:
苏神版:
总之大致来说就是仅用概率最高的k个类别的概率来通过softmax和交叉熵
真实标签 t = ± 1 t=±1 t=±1,分类器预测得分 y y y,损失函数: l ( y ) = max ( 0 , 1 − t ⋅ y ) l(y)=\max(0,1-t\cdot y) l(y)=max(0,1−t⋅y)(1是margin)
hinge loss图像(图中蓝色线),以
t
y
ty
ty为横轴,
l
l
l为纵轴:
(图中绿色线是zero-one loss)
hinge loss要求 t y ≥ 1 ty≥1 ty≥1,就是要求分类正确的节点离分类界线尽量远。也就是模型需要将节点正确划分到超过阈值的程度。
在SVM中使用。
参考资料:
(图源:Hinge loss - Wikipedia,所谓
w
x
wx
wx就是指分类器的预测得分)
原论文:Focal Loss for Dense Object Detection
找了个解释的博文,但是没看懂:Focal loss论文详解 - 知乎
https://pytorch.org/docs/stable/generated/torch.nn.MSELoss.html
import torch
import torch.nn as nn
loss = nn.MSELoss()
input = torch.randn(3, 5, requires_grad=True)
target = torch.randn(3, 5)
output = loss(input, target)
output.backward()
关于用MSE还是RMSE进行梯度下降,可以参考这个帖子:Why do we use RMSE instead of MSE? - PyTorch Forums 也没有给出具体的回答,回复者只说他个人倾向于用MSE,具体的解释我没有看懂
这是给出一个三元组,原样本-相似样本-不相似样本,然后用损失函数诱使相似样本对靠近,不相似样本对离远:
另一种写法(应该是等价的吧)就写成这样:
FaceNet: A Unified Embedding for Face Recognition and Clustering:
给出一对样本,将正样本对(相似样本)之间的距离拉小,负样本对之间的距离拉大。
(m是margin)
(y是样本对的正负性标签)
当样本对是正例时,其样本对的距离越大则L值越大;当是负例时则反之,但距离越大越好,但若超过一定阈值m,则该样本对对模型带来的影响就微乎其微,因此直接设置为零。
n(negative)样本可以分布在图中的任意区域,与a(anchor样本)的距离代表二者的相似度,距离越远相似度越小,模型的目标就是让正样例样本对p-a之间的距离变小,负样例样本对n-1的距离变大。
希望从一个正样本对和n-1个负样本对中间使得正样本对之间的embedding距离拉得更近
参考资料:
train()
函数中,又是多任务,又加了mask(在原论文中定义为“constraint”):EPM/model.py at main · WAPAY/EPMCopyright © 2003-2013 www.wpsshop.cn 版权所有,并保留所有权利。