验证曲线显示#

class sklearn.model_selection.ValidationCurveDisplay(*, param_name, param_range, train_scores, test_scores, score_name=None)[source]#

验证曲线可视化。

建议使用 from_estimator 创建 ValidationCurveDisplay 实例。所有参数都存储为属性。

更多信息请参阅 用户指南,了解有关可视化 API 的一般信息,以及 详细文档,了解有关验证曲线可视化的详细信息。

版本 1.3 中新增。

参数:
param_namestr

已变化的参数名称。

param_rangearray-like 形状为 (n_ticks,)

已评估的参数值。

train_scoresndarray 形状为 (n_ticks, n_cv_folds)

训练集上的分数。

test_scoresndarray 形状为 (n_ticks, n_cv_folds)

测试集上的分数。

score_namestr, default=None

validation_curve 中使用的分数名称。它将覆盖从 scoring 参数推断的名称。如果 scoreNone,如果 negate_scoreFalse,则使用 "Score",否则使用 "Negative score"。如果 scoring 是字符串或可调用对象,我们将推断名称。我们将 _ 替换为空格,并将首字母大写。如果 negate_scoreFalse,我们将删除 neg_ 并将其替换为 "Negative",否则直接删除。

属性:
ax_matplotlib Axes

包含验证曲线的坐标轴。

figure_matplotlib Figure

包含验证曲线的图形。

errorbar_matplotlib Artist 列表或 None

std_display_style"errorbar" 时,这是一个 matplotlib.container.ErrorbarContainer 对象列表。如果使用其他样式,则 errorbar_None

lines_matplotlib Artist 列表或 None

std_display_style"fill_between" 时,这是一个 matplotlib.lines.Line2D 对象列表,对应于平均训练和测试分数。如果使用其他样式,则 line_None

fill_between_matplotlib Artist 列表或 None

std_display_style"fill_between" 时,这是一个 matplotlib.collections.PolyCollection 对象列表。如果使用其他样式,则 fill_between_None

另请参见

sklearn.model_selection.validation_curve

计算验证曲线。

示例

>>> import numpy as np
>>> import matplotlib.pyplot as plt
>>> from sklearn.datasets import make_classification
>>> from sklearn.model_selection import ValidationCurveDisplay, validation_curve
>>> from sklearn.linear_model import LogisticRegression
>>> X, y = make_classification(n_samples=1_000, random_state=0)
>>> logistic_regression = LogisticRegression()
>>> param_name, param_range = "C", np.logspace(-8, 3, 10)
>>> train_scores, test_scores = validation_curve(
...     logistic_regression, X, y, param_name=param_name, param_range=param_range
... )
>>> display = ValidationCurveDisplay(
...     param_name=param_name, param_range=param_range,
...     train_scores=train_scores, test_scores=test_scores, score_name="Score"
... )
>>> display.plot()
<...>
>>> plt.show()
../../_images/sklearn-model_selection-ValidationCurveDisplay-1.png
classmethod from_estimator(estimator, X, y, *, param_name, param_range, groups=None, cv=None, scoring=None, n_jobs=None, pre_dispatch='all', verbose=0, error_score=nan, fit_params=None, ax=None, negate_score=False, score_name=None, score_type='both', std_display_style='fill_between', line_kw=None, fill_between_kw=None, errorbar_kw=None)[source]#

从估计器创建验证曲线显示。

更多信息请参阅 用户指南,了解有关可视化 API 的一般信息,以及 详细文档,了解有关验证曲线可视化的详细信息。

参数:
estimator实现“fit”和“predict”方法的对象类型

针对每次验证而克隆的该类型对象。

X形状为 (n_samples, n_features) 的类数组

训练数据,其中 n_samples 是样本数,n_features 是特征数。

y形状为 (n_samples,) 或 (n_samples, n_outputs) 或 None 的类数组

针对分类或回归的相对于 X 的目标;无监督学习则为 None。

param_namestr

将要变化的参数的名称。

param_range形状为 (n_values,) 的类数组

将要评估的参数值。

groups形状为 (n_samples,) 的类数组,默认为 None

将数据集拆分为训练集/测试集时使用的样本分组标签。仅与“分组” cv 实例(例如,GroupKFold)结合使用。

cvint、交叉验证生成器或可迭代对象,默认为 None

确定交叉验证拆分策略。cv 的可能输入为:

  • None,使用默认的 5 折交叉验证;

  • int,指定 (Stratified)KFold 中的折叠数;

  • CV 分隔器,

  • 产生 (train, test) 拆分(作为索引数组)的可迭代对象。

对于 int/None 输入,如果估计器是分类器并且 y 是二元或多类,则使用 StratifiedKFold。在所有其他情况下,使用 KFold。这些分隔器使用 shuffle=False 实例化,因此拆分在每次调用中都将相同。

请参阅 用户指南,了解此处可用的各种交叉验证策略。

scoringstr 或可调用对象,默认为 None

字符串(请参阅 scoring 参数:定义模型评估规则)或评分可调用对象/函数,其签名为 scorer(estimator, X, y)(请参阅 可调用评分器)。

n_jobsint,默认为 None

要并行运行的作业数。估计器的训练和分数的计算将在不同的训练集和测试集上并行化。None 表示 1(除非在 joblib.parallel_backend 上下文中)。-1 表示使用所有处理器。有关更多详细信息,请参阅 词汇表

pre_dispatchint 或 str,默认为 'all'

为并行执行预分配的作业数(默认为 all)。此选项可以减少分配的内存。str 可以是类似 '2*n_jobs' 的表达式。

verboseint,默认为 0

控制详细程度:越高,消息越多。

error_score'raise' 或数字,默认为 np.nan

如果估计器拟合发生错误,则为分数分配的值。如果设置为 'raise',则引发错误。如果给出数值,则引发 FitFailedWarning。

fit_paramsdict,默认为 None

要传递给估计器 fit 方法的参数。

axmatplotlib Axes,默认为 None

要绘制的 Axes 对象。如果为 None,则创建新的图形和 Axes。

negate_scorebool,默认为 False

是否否定通过 validation_curve 获得的分数。当使用 scikit-learn 中用 neg_* 表示的误差时,这尤其有用。

score_namestr, default=None

用于装饰绘图 y 轴的评分名称。它将覆盖从scoring参数推断出的名称。如果scoreNone,则如果negate_scoreFalse,我们使用"Score",否则使用"Negative score"。如果scoring是字符串或可调用对象,我们将推断名称。我们将_替换为空格,并将首字母大写。如果negate_scoreFalse,我们将删除neg_并将其替换为"Negative",否则仅将其删除。

score_type{“test”, “train”, “both”}, default=”both”

要绘制的评分类型。可以是"test""train""both"之一。

std_display_style{“errorbar”, “fill_between”} or None, default=”fill_between”

用于显示围绕平均评分的评分标准差的样式。如果为None,则不显示标准差的表示。

line_kwdict, default=None

传递给用于绘制平均评分的plt.plot的附加关键字参数。

fill_between_kwdict, default=None

传递给用于绘制评分标准差的plt.fill_between的附加关键字参数。

errorbar_kwdict, default=None

传递给用于绘制平均评分和标准差评分的plt.errorbar的附加关键字参数。

返回:
displayValidationCurveDisplay

存储计算值的物件。

示例

>>> import numpy as np
>>> import matplotlib.pyplot as plt
>>> from sklearn.datasets import make_classification
>>> from sklearn.model_selection import ValidationCurveDisplay
>>> from sklearn.linear_model import LogisticRegression
>>> X, y = make_classification(n_samples=1_000, random_state=0)
>>> logistic_regression = LogisticRegression()
>>> param_name, param_range = "C", np.logspace(-8, 3, 10)
>>> ValidationCurveDisplay.from_estimator(
...     logistic_regression, X, y, param_name=param_name,
...     param_range=param_range,
... )
<...>
>>> plt.show()
../../_images/sklearn-model_selection-ValidationCurveDisplay-2.png
plot(ax=None, *, negate_score=False, score_name=None, score_type='both', std_display_style='fill_between', line_kw=None, fill_between_kw=None, errorbar_kw=None)[source]#

绘制可视化。

参数:
axmatplotlib Axes,默认为 None

要绘制的 Axes 对象。如果为 None,则创建新的图形和 Axes。

negate_scorebool,默认为 False

是否否定通过 validation_curve 获得的分数。当使用 scikit-learn 中用 neg_* 表示的误差时,这尤其有用。

score_namestr, default=None

用于装饰绘图 y 轴的评分名称。它将覆盖从scoring参数推断出的名称。如果scoreNone,则如果negate_scoreFalse,我们使用"Score",否则使用"Negative score"。如果scoring是字符串或可调用对象,我们将推断名称。我们将_替换为空格,并将首字母大写。如果negate_scoreFalse,我们将删除neg_并将其替换为"Negative",否则仅将其删除。

score_type{“test”, “train”, “both”}, default=”both”

要绘制的评分类型。可以是"test""train""both"之一。

std_display_style{“errorbar”, “fill_between”} or None, default=”fill_between”

用于显示围绕平均评分的评分标准差的样式。如果为 None,则不显示标准差的表示。

line_kwdict, default=None

传递给用于绘制平均评分的plt.plot的附加关键字参数。

fill_between_kwdict, default=None

传递给用于绘制评分标准差的plt.fill_between的附加关键字参数。

errorbar_kwdict, default=None

传递给用于绘制平均评分和标准差评分的plt.errorbar的附加关键字参数。

返回:
displayValidationCurveDisplay

存储计算值的物件。