python - 混淆矩阵错误 "Classification metrics can' t 处理多标签指示符和多类目标的混合”

标签 python machine-learning keras scikit-learn confusion-matrix

我得到了

Classification metrics can't handle a mix of multilabel-indicator and multiclass targets

当我尝试使用混淆矩阵时出错。

我正在做我的第一个深度学习项目。我对此很陌生。我正在使用 keras 提供的 mnist 数据集。我已经成功地训练和测试了我的模型。

但是,当我尝试使用 scikit learn 混淆矩阵时,我收到上述错误。我已经寻找答案,虽然有关于此错误的答案,但没有一个对我有用。从我在网上发现的情况来看,它可能与损失函数有关(我在代码中使用 categorical_crossentropy )。我尝试将其更改为 sparse_categorical_crossentropy 但这只是给了我

Error when checking target: expected dense_2 to have shape (1,) but got array with shape (10,)

当我在模型上运行 fit() 函数时。

这是代码。 (为了简洁起见,我省略了导入)

model = Sequential()
model.add(Dense(512, activation='relu', input_shape=(28 * 28,)))
model.add(Dense(10, activation='softmax')) 

model.compile(optimizer='Adam', loss='categorical_crossentropy', metrics=['accuracy'])

(train_images, train_labels), (test_images, test_labels) = mnist.load_data()

train_images = train_images.reshape((60000, 28 * 28))
train_images = train_images.astype('float32') / 255

test_images = test_images.reshape((10000, 28 * 28))
test_images = test_images.astype('float32') / 255

train_labels = to_categorical(train_labels)
test_labels = to_categorical(test_labels)

model.fit(train_images, train_labels, epochs=10, batch_size=128)

rounded_predictions = model.predict_classes(test_images, batch_size=128, verbose=0)

cm = confusion_matrix(test_labels, rounded_predictions)

我该如何解决这个问题?

最佳答案

混淆矩阵需要标签和预测为单位数,而不是单热编码向量;尽管您已经使用 model.predict_classes() 进行了预测,即

rounded_predictions = model.predict_classes(test_images, batch_size=128, verbose=0)
rounded_predictions[1]
# 2

您的test_labels仍然是one-hot编码的:

test_labels[1]
# array([0., 0., 1., 0., 0., 0., 0., 0., 0., 0.], dtype=float32)

因此,您也应该将它们转换为单位数,如下所示:

import numpy as np
rounded_labels=np.argmax(test_labels, axis=1)
rounded_labels[1]
# 2

之后,混淆矩阵应该正常显示:

from sklearn.metrics import confusion_matrix
cm = confusion_matrix(rounded_labels, rounded_predictions)
cm
# result:
array([[ 971,    0,    0,    2,    1,    0,    2,    1,    3,    0],
       [   0, 1121,    2,    1,    0,    1,    3,    0,    7,    0],
       [   5,    4,  990,    7,    5,    3,    2,    7,    9,    0],
       [   0,    0,    0,  992,    0,    2,    0,    7,    7,    2],
       [   2,    0,    2,    0,  956,    0,    3,    3,    2,   14],
       [   3,    0,    0,   10,    1,  872,    3,    0,    1,    2],
       [   5,    3,    1,    1,    9,   10,  926,    0,    3,    0],
       [   0,    7,   10,    1,    0,    2,    0,  997,    1,   10],
       [   5,    0,    3,    7,    5,    7,    3,    4,  937,    3],
       [   5,    5,    0,    9,   10,    3,    0,    8,    3,  966]])

关于python - 混淆矩阵错误 "Classification metrics can' t 处理多标签指示符和多类目标的混合”,我们在Stack Overflow上找到一个类似的问题: https://stackoverflow.com/questions/54589669/

相关文章:

python - 在 Windows 10 上安装 bpython

python - 如何在 heroku 上配置 mailgun 附加组件

python - Google Colab csv 文件上传速度慢得可怜

python - ValueError : Error when checking target: expected dense_13 to have shape (None, 6) 但得到形状为 (6, 1) 的数组

tensorflow - Keras 中的 .fit() 方法触发损失函数多少次

python - matplotlib "axis.invert_xaxis"使用日期时间时崩溃

r - R 错误中的 K 均值聚类

python - 为机器学习模型创建标记图像数据集

python - Keras:构建与给定张量相同批量大小的完整张量

python - 为什么使用预训练的 ResNet50 会导致训练集和验证集出现矛盾的损失?