使用显示对象的可视化#

在这个例子中,我们将直接从各自的指标构建显示对象,ConfusionMatrixDisplayRocCurveDisplay,和PrecisionRecallDisplay。这是一种替代方法,当模型的预测已经计算出来或计算成本很高时,可以使用相应的绘图函数。请注意,这是高级用法,一般情况下,我们建议使用它们各自的绘图函数。

# Authors: The scikit-learn developers
# SPDX-License-Identifier: BSD-3-Clause

加载数据并训练模型#

在这个例子中,我们从OpenML加载一个输血服务中心数据集。这是一个二元分类问题,目标是判断个人是否捐献了血液。然后将数据分成训练数据集和测试数据集,并使用训练数据集拟合逻辑回归。

from sklearn.datasets import fetch_openml
from sklearn.linear_model import LogisticRegression
from sklearn.model_selection import train_test_split
from sklearn.pipeline import make_pipeline
from sklearn.preprocessing import StandardScaler

X, y = fetch_openml(data_id=1464, return_X_y=True)
X_train, X_test, y_train, y_test = train_test_split(X, y, stratify=y)

clf = make_pipeline(StandardScaler(), LogisticRegression(random_state=0))
clf.fit(X_train, y_train)
Pipeline(steps=[('standardscaler', StandardScaler()),
                ('logisticregression', LogisticRegression(random_state=0))])
在 Jupyter 环境中,请重新运行此单元格以显示 HTML 表示形式或信任笔记本。
在 GitHub 上,HTML 表示形式无法渲染,请尝试使用 nbviewer.org 加载此页面。


创建 ConfusionMatrixDisplay#

使用拟合后的模型,我们计算模型在测试数据集上的预测结果。这些预测结果用于计算混淆矩阵,并使用ConfusionMatrixDisplay绘制。

from sklearn.metrics import ConfusionMatrixDisplay, confusion_matrix

y_pred = clf.predict(X_test)
cm = confusion_matrix(y_test, y_pred)

cm_display = ConfusionMatrixDisplay(cm).plot()
plot display object visualization

创建 RocCurveDisplay#

ROC 曲线需要估计器的概率或非阈值决策值。由于逻辑回归提供了决策函数,我们将使用它来绘制 ROC 曲线。

from sklearn.metrics import RocCurveDisplay, roc_curve

y_score = clf.decision_function(X_test)

fpr, tpr, _ = roc_curve(y_test, y_score, pos_label=clf.classes_[1])
roc_display = RocCurveDisplay(fpr=fpr, tpr=tpr).plot()
plot display object visualization
/home/circleci/project/sklearn/metrics/_plot/roc_curve.py:189: UserWarning:

No artists with labels found to put in legend.  Note that artists whose label start with an underscore are ignored when legend() is called with no argument.

创建 PrecisionRecallDisplay#

类似地,可以使用前一部分的y_score绘制精确率召回率曲线。

from sklearn.metrics import PrecisionRecallDisplay, precision_recall_curve

prec, recall, _ = precision_recall_curve(y_test, y_score, pos_label=clf.classes_[1])
pr_display = PrecisionRecallDisplay(precision=prec, recall=recall).plot()
plot display object visualization

将显示对象组合到单个绘图中#

显示对象存储作为参数传递的计算值。这允许使用 matplotlib 的 API轻松组合可视化。在下面的示例中,我们将显示对象并排放置在一行中。

import matplotlib.pyplot as plt

fig, (ax1, ax2) = plt.subplots(1, 2, figsize=(12, 8))

roc_display.plot(ax=ax1)
pr_display.plot(ax=ax2)
plt.show()
plot display object visualization
/home/circleci/project/sklearn/metrics/_plot/roc_curve.py:189: UserWarning:

No artists with labels found to put in legend.  Note that artists whose label start with an underscore are ignored when legend() is called with no argument.

脚本总运行时间:(0 分钟 0.368 秒)

相关示例

精确率-召回率

精确率-召回率

带有可视化 API 的 ROC 曲线

带有可视化 API 的 ROC 曲线

多类别接收者操作特征 (ROC)

多类别接收者操作特征 (ROC)

为成本敏感学习调整决策阈值

为成本敏感学习调整决策阈值

由 Sphinx-Gallery 生成的图库