1 引言
各位朋友大家好,欢迎来到月来客栈。在前面的一篇文章[1]中笔者介绍了在单标签分类问题中模型损失的度量方法,即交叉熵损失函数。同时也介绍了多分类任务中常见的评价指标及其实现方法[2]。在接下来的这篇文章中,笔者将会详细介绍在多标签分类任务中两种常见的损失评估方法,以及在多标签分类场景中的模型评价指标。
2 方法一
将原始输出层的softmax操作替换为simoid操作,然后通过计算输出层与标签之间的sigmoid交叉熵来作为误差的衡量标准,具体计算公式如下:
其中 表示类别数量, 和 均为一个向量,分别用来表示真实标签和未经任何激活函数处理的网络输出值。
从式 可以发现,这种误差损失衡量方式其实就是在逻辑回归中用来衡量预测概率与真实标签之间误差的方法。
2.1 numpy
实现:
根据式 的计算公式,可以通过如下Python代码来完成损失值的计算:
xxxxxxxxxx
13
1
def sigmoid(z):
2
return 1 / (1 + np.exp(-z))
3
4
def compute_loss_v1(y_true, y_pred):
5
t_loss = y_true * np.log(sigmoid(y_pred)) + \
6
(1 - y_true) * np.log(1 - sigmoid(y_pred)) # [batch_size,num_class]
7
loss = t_loss.mean(axis=-1) # 得到每个样本的损失值, 这里可以是
8
return -loss.mean() # 返回整体样本的损失均值(或其他)
9
10
if __name__ == '__main__':
11
y_true = np.array([[1, 1, 0, 0], [0, 1, 0, 1]])
12
y_pred = np.array([[0.2, 0.5, 0, 0], [0.1, 0.5, 0, 0.8]])
13
print(compute_loss_v1(y_true, y_pred)) # 0.5926
当然,在TensorFlow 1.x
和Pytorch
中也分别对这两种方法进行了实现。
2.2 TensorFlow
实现
在Tensorflow 1.x
中,可以通过tf.nn
模块下的sigmoid_cross_entropy_with_logits
方法进行调用:
xxxxxxxxxx
11
1
def sigmoid_cross_entropy_with_logits(labels, logits):
2
loss = tf.nn.sigmoid_cross_entropy_with_logits(labels=labels, logits=logits)
3
loss = tf.reduce_mean(loss, axis=-1)
4
return tf.reduce_mean(loss)
5
6
if __name__ == '__main__':
7
y_true = tf.constant([[1, 1, 0, 0], [0, 1, 0, 1]],dtype=tf.float16)
8
y_pred = tf.constant([[0.2, 0.5, 0, 0], [0.1, 0.5, 0, 0.8]],dtype=tf.float16)
9
with tf.Session() as sess:
10
loss = sess.run(sigmoid_cross_entropy_with_logits(y_true,y_pred))
11
print(loss) # 0.5926
当然,在模型训练完成后,可以通过如下代码来得到预测的标签结果和相应的概率值:
xxxxxxxxxx
14
1
def prediction(logits, K):
2
y_pred = np.argsort(-logits, axis=-1)[:,:K]
3
print("预测标签:",y_pred)
4
p = np.vstack([logits[r,c] for r,c in enumerate(y_pred)])
5
print("预测概率:",p)
6
7
prediction(y_pred,2)
8
#####
9
预测标签:
10
[[1 0]
11
[3 1]]
12
预测概率:
13
[[0.5 0.2]
14
[0.8 0.5]]
2.3 Pytorch
实现
在Pytorch
中,可以通过torch.nn
模块中的MultiLabelSoftMarginLoss
类来完成损失的计算:
xxxxxxxxxx
5
1
if __name__ == '__main__':
2
y_true = torch.tensor([[1, 1, 0, 0], [0, 1, 0, 1]],dtype=torch.int16)
3
y_pred = torch.tensor([[0.2, 0.5, 0, 0], [0.1, 0.5, 0, 0.8]],dtype=torch.float32)
4
loss = nn.MultiLabelSoftMarginLoss(reduction='mean')
5
print(loss(y_pred, y_true)) #0.5926
同样,在模型训练完成后也可以通过上面的prediction
函数来完成推理预测。需要注意的是,在TensorFlow 1.x
中sigmoid_cross_entropy_with_logits
方法返回的是所有样本损失的均值;而在Pytorch
中,MultiLabelSoftMarginLoss
默认返回的是所有样本损失的均值,但是可以通过指定参数reduction
为mean
或sum
来指定返回的类型。
3 方法二
在衡量多标签分类结果损失的方法中,除了上面介绍的方法一之外还有一种常用的损失函数。这种损失函数其实就是我们在单标签分类中用到的交叉熵损失函数的拓展版,单标签可以看作是其中的一种特例情况。其具体计算公式如下所示:
其中 表示第 个样本第 个类别的真实值, 表示第 个样本第 个类别的输出经过softmax处理后的结果。
例如对于如下样本来说:
xxxxxxxxxx
2
1
y_true = np.array([[1, 1, 0, 0], [0, 1, 0, 1.]])
2
y_pred = np.array([[0.2, 0.5, 0.1, 0], [0.1, 0.5, 0, 0.8]])
输出值经过softmax处理后的结果为:
xxxxxxxxxx
2
1
[[0.24549354 0.33138161 0.22213174 0.20099311]
2
[0.18482871 0.27573204 0.16723993 0.37219932]]
那么,根据公式 可知,对于上述2个样本来说其损失值为:
3.1 numpy
实现:
根据式 的计算公式,可以通过如下Python代码来完成损失值的计算:
xxxxxxxxxx
12
1
def softmax(x):
2
s = np.exp(x)
3
return s / np.sum(s, axis=-1, keepdims=True)
4
5
def compute_loss_v2(logits, y):
6
logits = softmax(logits)
7
print(logits)
8
c = -(y * np.log(logits)).sum(axis=-1) # 计算每一个样本的在各个标签上的损失和
9
return np.mean(c) # 计算所有样本损失的平均值
10
y_true = np.array([[1, 1, 0, 0], [0, 1, 0, 1.]])
11
y_pred = np.array([[0.2, 0.5, 0.1, 0], [0.1, 0.5, 0, 0.8]])
12
print(compute_loss_v2(y_pred, y_true))# 2.392
3.2TensorFlow
实现
在Tensorflow 1.x
中,可以通过tf.nn
模块下的softmax_cross_entropy_with_logits_v2
方法进行调用:
xxxxxxxxxx
8
1
def softmax_cross_entropy_with_logits(labels, logits):
2
loss = tf.nn.softmax_cross_entropy_with_logits_v2(labels=labels, logits=logits)
3
return tf.reduce_mean(loss)
4
y_true = tf.constant([[1, 1, 0, 0], [0, 1, 0, 1.]], dtype=tf.float16)
5
y_pred = tf.constant([[0.2, 0.5, 0.1, 0], [0.1, 0.5, 0, 0.8]], dtype=tf.float16)
6
with tf.Session() as sess:
7
loss = sess.run(softmax_cross_entropy_with_logits(y_true, y_pred))
8
print(loss)# 2.395
3.3 Pytorch
实现
在Pytorch
中,笔者目前还没找到可以调用的相应模型,但是可以通过自己来编码实现:
xxxxxxxxxx
10
1
def cross_entropy(logits, y):
2
s = torch.exp(logits)
3
logits = s / torch.sum(s, dim=1, keepdim=True)
4
c = -(y * torch.log(logits)).sum(dim=-1)
5
return torch.mean(c)
6
7
y_true = torch.tensor([[1, 1, 0, 0], [0, 1, 0, 1.]])
8
y_pred = torch.tensor([[0.2, 0.5, 0.1, 0], [0.1, 0.5, 0, 0.8]])
9
loss = cross_entropy(y_pred,y_true)
10
print(loss)# 2.392
需要注意的是,由于各个框架在计算时保留小数的策略不同,所以最后的结果在小数位后面会出现略微的差异。
4 评估指标
4.1 不考虑部分正确的评估方法
(1) 绝对匹配率(Exact Match Ratio)
所谓绝对匹配率指的就是,对于每一个样本来说,只有预测值与真实值完全相同的情况下才算预测正确,也就是说只要有一个类别的预测结果有差异都算没有预测正确。因此,其准确率计算公式为:
其中 表示样本总数; 为指示函数(indicator function),当 完全等同于 时取 ,否则为 。可以看出,MR值越大,表示分类的准确率越高。
例如现有如下真实值和预测值:
xxxxxxxxxx
7
1
y_true = np.array([[0, 1, 0, 1],
2
[0, 1, 1, 0],
3
[1, 0, 1, 1]])
4
5
y_pred = np.array([[0, 1, 1, 0],
6
[0, 1, 1, 0],
7
[0, 1, 0, 1]])
那么其对应的MR就应该是
,因为只有第2个样本才算预测正确。在sklearn
中,可以直接通过sklearn.metrics
模块中的accuracy_score
方法来完成计算[3],如下所示:
xxxxxxxxxx
2
1
from sklearn.metrics import accuracy_score
2
print(accuracy_score(y_true,y_pred)) # 0.33333333
(2)0-1损失
除了绝对匹配率之外,还有另外一种与之计算过程恰好相反的评估标准,即0-1损失(Zero-One Loss)。绝对准确率计算的是完全预测正确的样本占总样本数的比例,而0-1损失计算的是完全预测错误的样本占总样本的比例。因此对于上面的预测和真实结果,其0-1损失就应该为0.667。计算公式如下:
在sklearn
中,可以通过sklearn.metrics
模块中的zero_one_loss
方法来完成计算[3],如下所示:
xxxxxxxxxx
2
1
from sklearn.metrics import zero_one_loss
2
print(zero_one_loss(y_true,y_pred))# 0.66666
4.2 考虑部分正确的评估方法
从上面的两种评估指标可以看出,不管是绝对匹配率还是0-1损失,两者在计算结果的时候都没有考虑到部分正确的情况,而这对于模型的评估来说显然是不准确的。例如,假设正确标签为[1,0,0,1]
,模型预测的标签为[1,0,1,0]
。可以看到,尽管模型没有预测对全部的标签,但是预测对了一部分。因此,一种可取的做法就是将部分预测正确的结果也考虑进去[4]。为了实现这一想法,文献[5]中提出了在多标签分类场景下的准确率(Accuracy)、精确率(Precision)、召回率(Recall)和
值(
-Measure)计算方法。
(1)准确率
对于准确率来说,其计算公式为:
从公式
可以看出,准确率其实计算的是所有样本的平均准确率。而对于每个样本来说,准确率就是预测正确的标签数在整个预测为正确或真实为正确标签数中的占比。例如对于某个样本来说,其真实标签为[0, 1, 0, 1]
,预测标签为[0, 1, 1, 0]
。那么该样本对应的准确率就应该为:
因此,对于如下真实结果和预测结果来说:
xxxxxxxxxx
7
1
y_true = np.array([[0, 1, 0, 1],
2
[0, 1, 1, 0],
3
[1, 0, 1, 1]])
4
5
y_pred = np.array([[0, 1, 1, 0],
6
[0, 1, 1, 0],
7
[0, 1, 0, 1]])
其准确率为:
对应的实现代码为[6]:
xxxxxxxxxx
8
1
def Accuracy(y_true, y_pred):
2
count = 0
3
for i in range(y_true.shape[0]):
4
p = sum(np.logical_and(y_true[i], y_pred[i]))
5
q = sum(np.logical_or(y_true[i], y_pred[i]))
6
count += p / q
7
return count / y_true.shape[0]
8
print(Accuracy(y_true, y_pred)) # 0.52777
(2)精确率
对于精确率来说,其计算公式为:
从公式
可以看出,精确率其实计算的是所有样本的平均精确率。而对于每个样本来说,精确率就是预测正确的标签数在整个预测为正确的标签数中的占比。例如对于某个样本来说,其真实标签为[0, 1, 0, 1]
,预测标签为[0, 1, 1, 0]
。那么该样本对应的精确率就应该为:
因此,对于上面的真实结果和预测结果来说,其精确率为:
对应的实现代码为:
xxxxxxxxxx
8
1
def Precision(y_true, y_pred):
2
count = 0
3
for i in range(y_true.shape[0]):
4
if sum(y_pred[i]) == 0:
5
continue
6
count += sum(np.logical_and(y_true[i], y_pred[i])) / sum(y_pred[i])
7
return count / y_true.shape[0]
8
print(Precision(y_true, y_pred))# 0.6666
(3)召回率
对于召回率来说,其计算公式为:
从公式 可以看出,召回率其实计算的是所有样本的平均精确率。而对于每个样本来说,召回率就是预测正确的标签数在整个正确的标签数中的占比。
因此,对于如下真实结果和预测结果来说:
xxxxxxxxxx
7
1
y_true = np.array([[0, 1, 0, 1],
2
[0, 1, 1, 0],
3
[1, 0, 1, 1]])
4
5
y_pred = np.array([[0, 1, 1, 0],
6
[0, 1, 1, 0],
7
[0, 1, 0, 1]])
其召回率为:
对应的实现代码为:
xxxxxxxxxx
8
1
def Recall(y_true, y_pred):
2
count = 0
3
for i in range(y_true.shape[0]):
4
if sum(y_true[i]) == 0:
5
continue
6
count += sum(np.logical_and(y_true[i], y_pred[i])) / sum(y_true[i])
7
return count / y_true.shape[0]
8
print(Recall(y_true, y_pred))# 0.6111
(4) 值
对于 值来说,其计算公式为:
从公式 可以看出, 计算的也是所有样本的平均精确率。因此,对于上面的真实结果和预测结果来说,其 值为:
对应的实现代码为:
xxxxxxxxxx
10
1
def F1Measure(y_true, y_pred):
2
count = 0
3
for i in range(y_true.shape[0]):
4
if (sum(y_true[i]) == 0) and (sum(y_pred[i]) == 0):
5
continue
6
p = sum(np.logical_and(y_true[i], y_pred[i]))
7
q = sum(y_true[i]) + sum(y_pred[i])
8
count += (2 * p) / q
9
return count / y_true.shape[0]
10
print(F1Measure(y_true, y_pred))# 0.6333
在上述4项指标中,都是值越大,对应模型的分类效果越好。同时,从公式 可以看出,多标签场景下的各项指标尽管在计算步骤上与单标签场景有所区别,但是两者在计算各个指标时所秉承的思想却是类似的。
当然,对于后面3个指标的计算,还可以直接通过sklearn
来完成,代码如下:
xxxxxxxxxx
4
1
from sklearn.metrics import precision_score, recall_score, f1_score
2
print(precision_score(y_true=y_true, y_pred=y_pred, average='samples'))# 0.6666
3
print(recall_score(y_true=y_true, y_pred=y_pred, average='samples'))# 0.6111
4
print(f1_score(y_true,y_pred,average='samples'))# 0.6333
(5)Hamming Loss
除了前面已经介绍的6中评估方法外,下面再介绍另外一种更加直观的衡量方法Hamming Loss[3],它的计算公式为:
其中 表示第 个样本的第 个标签, 表示一种有多少个类别。
从公式 可以看出,Hamming Loss衡量的是所有样本中,预测错的标签数在整个标签标签数中的占比。所以对于Hamming Loss损失来说,其值越小表示模型的表现结果越好。因此,对于如下真实结果和预测结果来说:
xxxxxxxxxx
7
1
y_true = np.array([[0, 1, 0, 1],
2
[0, 1, 1, 0],
3
[1, 0, 1, 1]])
4
5
y_pred = np.array([[0, 1, 1, 0],
6
[0, 1, 1, 0],
7
[0, 1, 0, 1]])
其Hamming Loss为:
对应的实现代码为:
xxxxxxxxxx
8
1
def Hamming_Loss(y_true, y_pred):
2
count = 0
3
for i in range(y_true.shape[0]):
4
p = np.size(y_true[i] == y_pred[i])
5
q = np.count_nonzero(y_true[i] == y_pred[i])
6
count += p - q
7
return count / (y_true.shape[0] * y_true.shape[3])
8
print(Hamming_Loss(y_true, y_pred))# 0.4166
同时也可以通过sklearn.metrics
中的hamming_loss
方法来实现:
xxxxxxxxxx
2
1
from sklearn.metrics import hamming_loss
2
print(hamming_loss(y_true, y_pred))# 0.4166
当然,尽管这里介绍了7种不同的评价指标,但是在多标签分类中仍旧还有其它不同的评估方法,具体可以参见文件[4]。例如还可以通过sklearn.metric
模块中的multilabel_confusion_matrix
方法来分别计算多标签中每个类别的准确率、召回率等;最后再来求每个类别各项指标的平均值。
5 总结
在这篇文章中,笔者首先介绍了第一种在多标签分类任务中常见的损失度量方法,其实本质上它就是逻辑回归模型的目标函数;接着笔者介绍了多种用于评估多标签分类任务结果的评价指标,包括绝对匹配率、准确率、召回率等等;最后笔者还是介绍了另外一种常见的多标签分类任务中的损失函数。
引用
[1] 想明白多分类,必须得谈逻辑回归
[2] 多分类任务下的召回率与F值
[3] Scikit-learn: Machine Learning in Python, Pedregosa et al., JMLR 12, pp. 2825-2830, 2011.
[4] Sorower, Mohammad S.. “A Literature Survey on Algorithms for Multi-label Learning.” (2010).
[5] Godbole, S., & Sarawagi, S. Discriminative Methods for Multi-labeled Classification. Lecture Notes in Computer Science,(2004), 22–30.
[6] https://mmuratarat.github.io/2020-01-25/multilabel_classification_metrics