sklearn:绘制混合矩阵,结合训练+测试集

时间:2018-02-15 22:24:26

标签: python numpy scikit-learn classification confusion-matrix

我对混淆矩阵有疑问。

根据混淆矩阵的定义,它用于评估分类器输出的质量。

因此,当您将数据拆分为训练,测试和验证集时,每个训练和测试都会给您一个不同的混淆矩阵。如果我想将它们加在一起,我应该怎么做?

考虑我的以下剪辑代码:

X, Y = np.array(data[features]), np.array(data['target'])
logo = LeaveOneGroupOut()
group = data['id'].values    
k_fold = KFold(n_splits=5)

scores =[]
per_person_true_y = []
per_person_pred_y = []

classifier_logistic = LogisticRegression()
    for train, test in logo.split(X, Y, group):
        x_train, x_test = X[train], X[test]
        y_train, y_test = Y[train], Y[test]
        classifier_logistic.fit(x_train, y_train.ravel())
        y_predict = classifier_logistic.predict(x_test)
        scores.append(metrics.accuracy_score(y_test,classifier_logistic.predict(x_test)))  
        per_person_true_y.append(y_test)
        per_person_pred_y.append(y_predict)



plot.confusion_matrix( np.array(per_person_true_y),np.array(per_person_pred_y))
plt.show()

这给了我这个错误:

TypeError: unhashable type: 'numpy.ndarray'

感谢您的评论。

1 个答案:

答案 0 :(得分:4)

目前:您有4个NumPy数组:y_testy_trainy_test_predy_train_pred

你想要:2个NumPy数组,y_truey_pred

您可以将train + test与np.concatenate结合使用。例如:

y_test = np.array([0, 1, 0, 1])
y_train = np.array([0, 0, 1, 1])

y_test_pred = np.array([1, 1, 0, 1])  # from classifier_logistic.predict(x_test)
y_train_pred = np.array([0, 1, 0, 1]) # from classifier_logistic.predict(x_train)

y_true = np.concatenate((y_train, y_test))  # you already have this as `Y`
y_pred = np.concatenate((y_train_pred, y_test_pred))

在sklearn文档中有一个very good example绘制混淆矩阵。

以下是您的案例示例:

import itertools
import matplotlib.pyplot as plt
import numpy as np
from sklearn.metrics import confusion_matrix

# Source: http://scikit-learn.org/stable/auto_examples/model_selection/
#         plot_confusion_matrix.html#confusion-matrix


y_test = np.array([1, 1, 0, 1])
y_train = np.array([0, 0, 1, 1])

y_test_pred = np.array([1, 1, 0, 1])  # from classifier_logistic.predict(x_test)
y_train_pred = np.array([0, 1, 0, 1]) # from classifier_logistic.predict(x_train)

y_true = np.concatenate((y_train, y_test))
y_pred = np.concatenate((y_train_pred, y_test_pred))

def plot_confusion_matrix(cm, classes,
                          normalize=False,
                          title='Confusion matrix',
                          cmap=plt.cm.Blues):
    """
    This function prints and plots the confusion matrix.
    Normalization can be applied by setting `normalize=True`.
    """
    if normalize:
        cm = cm.astype('float') / cm.sum(axis=1)[:, np.newaxis]
        print("Normalized confusion matrix")
    else:
        print('Confusion matrix, without normalization')

    print(cm)

    plt.imshow(cm, interpolation='nearest', cmap=cmap)
    plt.title(title)
    plt.colorbar()
    tick_marks = np.arange(len(classes))
    plt.xticks(tick_marks, classes, rotation=45)
    plt.yticks(tick_marks, classes)

    fmt = '.2f' if normalize else 'd'
    thresh = cm.max() / 2.
    for i, j in itertools.product(range(cm.shape[0]), range(cm.shape[1])):
        plt.text(j, i, format(cm[i, j], fmt),
                 horizontalalignment="center",
                 color="white" if cm[i, j] > thresh else "black")

    plt.tight_layout()
    plt.ylabel('True label')
    plt.xlabel('Predicted label')

cm = confusion_matrix(y_true, y_pred)
np.set_printoptions(precision=2)

plt.figure()
plot_confusion_matrix(cm, classes=[0, 1],
                      title='Confusion matrix')

enter image description here