梯度提升中对分类特征的支持#

在本例中,我们将比较 HistGradientBoostingRegressor 在不同分类特征编码策略下的训练时间和预测性能。具体来说,我们将评估

我们将使用 Ames Iowa Housing 数据集,该数据集包含数值和分类特征,其中房屋的销售价格是目标。

有关展示 HistGradientBoostingRegressor 一些其他功能的示例,请参阅 直方图梯度提升树中的特征

加载 Ames Housing 数据集#

首先,我们将 Ames Housing 数据加载为 pandas 数据帧。特征可以是分类的,也可以是数值的

from sklearn.datasets import fetch_openml

X, y = fetch_openml(data_id=42165, as_frame=True, return_X_y=True)

# Select only a subset of features of X to make the example faster to run
categorical_columns_subset = [
    "BldgType",
    "GarageFinish",
    "LotConfig",
    "Functional",
    "MasVnrType",
    "HouseStyle",
    "FireplaceQu",
    "ExterCond",
    "ExterQual",
    "PoolQC",
]

numerical_columns_subset = [
    "3SsnPorch",
    "Fireplaces",
    "BsmtHalfBath",
    "HalfBath",
    "GarageCars",
    "TotRmsAbvGrd",
    "BsmtFinSF1",
    "BsmtFinSF2",
    "GrLivArea",
    "ScreenPorch",
]

X = X[categorical_columns_subset + numerical_columns_subset]
X[categorical_columns_subset] = X[categorical_columns_subset].astype("category")

categorical_columns = X.select_dtypes(include="category").columns
n_categorical_features = len(categorical_columns)
n_numerical_features = X.select_dtypes(include="number").shape[1]

print(f"Number of samples: {X.shape[0]}")
print(f"Number of features: {X.shape[1]}")
print(f"Number of categorical features: {n_categorical_features}")
print(f"Number of numerical features: {n_numerical_features}")
Number of samples: 1460
Number of features: 20
Number of categorical features: 10
Number of numerical features: 10

删除分类特征的梯度提升估计器#

作为基线,我们创建一个删除分类特征的估计器

from sklearn.compose import make_column_selector, make_column_transformer
from sklearn.ensemble import HistGradientBoostingRegressor
from sklearn.pipeline import make_pipeline

dropper = make_column_transformer(
    ("drop", make_column_selector(dtype_include="category")), remainder="passthrough"
)
hist_dropped = make_pipeline(dropper, HistGradientBoostingRegressor(random_state=42))

使用独热编码的梯度提升估计器#

接下来,我们创建一个管道,该管道将对分类特征进行独热编码,并让其余的数值数据通过

from sklearn.preprocessing import OneHotEncoder

one_hot_encoder = make_column_transformer(
    (
        OneHotEncoder(sparse_output=False, handle_unknown="ignore"),
        make_column_selector(dtype_include="category"),
    ),
    remainder="passthrough",
)

hist_one_hot = make_pipeline(
    one_hot_encoder, HistGradientBoostingRegressor(random_state=42)
)

使用序数编码的梯度提升估计器#

接下来,我们创建一个管道,该管道将分类特征视为有序量,即类别将被编码为 0、1、2 等,并被视为连续特征。

import numpy as np

from sklearn.preprocessing import OrdinalEncoder

ordinal_encoder = make_column_transformer(
    (
        OrdinalEncoder(handle_unknown="use_encoded_value", unknown_value=np.nan),
        make_column_selector(dtype_include="category"),
    ),
    remainder="passthrough",
    # Use short feature names to make it easier to specify the categorical
    # variables in the HistGradientBoostingRegressor in the next step
    # of the pipeline.
    verbose_feature_names_out=False,
)

hist_ordinal = make_pipeline(
    ordinal_encoder, HistGradientBoostingRegressor(random_state=42)
)

使用原生分类支持的梯度提升估计器#

我们现在创建一个 HistGradientBoostingRegressor 估计器,它将原生处理分类特征。此估计器不会将分类特征视为有序量。我们将 categorical_features="from_dtype" 设置为从 DataFrame 列的 dtype 中检测哪些特征是分类特征。

此估计器与前一个估计器的主要区别在于,在此估计器中,我们让 HistGradientBoostingRegressor 从 DataFrame 列的 dtype 中检测哪些特征是分类特征。

hist_native = HistGradientBoostingRegressor(
    random_state=42, categorical_features="from_dtype"
)

模型比较#

最后,我们使用交叉验证来评估模型。在这里,我们比较了模型在 平均绝对百分比误差 和拟合时间方面的性能。

import matplotlib.pyplot as plt

from sklearn.model_selection import cross_validate

scoring = "neg_mean_absolute_percentage_error"
n_cv_folds = 3

dropped_result = cross_validate(hist_dropped, X, y, cv=n_cv_folds, scoring=scoring)
one_hot_result = cross_validate(hist_one_hot, X, y, cv=n_cv_folds, scoring=scoring)
ordinal_result = cross_validate(hist_ordinal, X, y, cv=n_cv_folds, scoring=scoring)
native_result = cross_validate(hist_native, X, y, cv=n_cv_folds, scoring=scoring)


def plot_results(figure_title):
    fig, (ax1, ax2) = plt.subplots(1, 2, figsize=(12, 8))

    plot_info = [
        ("fit_time", "Fit times (s)", ax1, None),
        ("test_score", "Mean Absolute Percentage Error", ax2, None),
    ]

    x, width = np.arange(4), 0.9
    for key, title, ax, y_limit in plot_info:
        items = [
            dropped_result[key],
            one_hot_result[key],
            ordinal_result[key],
            native_result[key],
        ]

        mape_cv_mean = [np.mean(np.abs(item)) for item in items]
        mape_cv_std = [np.std(item) for item in items]

        ax.bar(
            x=x,
            height=mape_cv_mean,
            width=width,
            yerr=mape_cv_std,
            color=["C0", "C1", "C2", "C3"],
        )
        ax.set(
            xlabel="Model",
            title=title,
            xticks=x,
            xticklabels=["Dropped", "One Hot", "Ordinal", "Native"],
            ylim=y_limit,
        )
    fig.suptitle(figure_title)


plot_results("Gradient Boosting on Ames Housing")
Gradient Boosting on Ames Housing, Fit times (s), Mean Absolute Percentage Error

我们看到,使用独热编码数据的模型是迄今为止最慢的。这是意料之中的,因为独热编码为每个类别值(对于每个分类特征)创建一个额外的特征,因此在拟合过程中需要考虑更多的分割点。从理论上讲,我们预计原生处理分类特征的速度会略慢于将类别视为有序量(“序数”),因为原生处理需要 对类别进行排序。然而,当类别数量较少时,拟合时间应该接近,这在实践中可能并不总是得到反映。

在预测性能方面,删除分类特征会导致性能下降。使用分类特征的三个模型具有相当的错误率,原生处理略有优势。

限制分割次数#

一般来说,可以预期独热编码数据的预测效果较差,尤其是在树深度或节点数量有限的情况下:对于独热编码数据,需要更多的分割点,即更大的深度,才能恢复与原生处理在一个分割点中获得的等效分割。

当类别被视为序数量时也是如此:如果类别是 A..F 并且最佳分割是 ACF - BDE,则独热编码器模型将需要 3 个分割点(左侧节点中每个类别一个),而序数非原生模型将需要 4 个分割点:1 个分割点用于隔离 A,1 个分割点用于隔离 F,以及 2 个分割点用于从 BCDE 中隔离 C

模型性能在实践中的差异程度取决于数据集和树的灵活性。

为了说明这一点,让我们使用欠拟合模型重新运行相同的分析,在这些模型中,我们通过限制树的数量和每棵树的深度来人为地限制总分裂次数。

for pipe in (hist_dropped, hist_one_hot, hist_ordinal, hist_native):
    if pipe is hist_native:
        # The native model does not use a pipeline so, we can set the parameters
        # directly.
        pipe.set_params(max_depth=3, max_iter=15)
    else:
        pipe.set_params(
            histgradientboostingregressor__max_depth=3,
            histgradientboostingregressor__max_iter=15,
        )

dropped_result = cross_validate(hist_dropped, X, y, cv=n_cv_folds, scoring=scoring)
one_hot_result = cross_validate(hist_one_hot, X, y, cv=n_cv_folds, scoring=scoring)
ordinal_result = cross_validate(hist_ordinal, X, y, cv=n_cv_folds, scoring=scoring)
native_result = cross_validate(hist_native, X, y, cv=n_cv_folds, scoring=scoring)

plot_results("Gradient Boosting on Ames Housing (few and small trees)")

plt.show()
Gradient Boosting on Ames Housing (few and small trees), Fit times (s), Mean Absolute Percentage Error

这些欠拟合模型的结果证实了我们之前的直觉:当分裂预算受到限制时,原生类别处理策略表现最佳。另外两种策略(独热编码和将类别视为序数值)导致的误差值与仅完全删除类别特征的基线模型相当。

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

相关示例

比较目标编码器与其他编码器

比较目标编码器与其他编码器

混合类型的列转换器

混合类型的列转换器

使用堆叠组合预测器

使用堆叠组合预测器

与时间相关的特征工程

与时间相关的特征工程

由 Sphinx-Gallery 生成的图库