用于时间序列预测的滞后特征#

本示例演示了如何将 Polars 工程化的滞后特征与 HistGradientBoostingRegressor 一起用于自行车共享需求数据集的时间序列预测。

有关此数据集的一些数据探索和周期性特征工程演示,请参阅 与时间相关的特征工程 示例。

分析自行车共享需求数据集#

我们首先从 OpenML 存储库加载数据作为 pandas 数据帧。一旦 fetch_openml 添加了对其的原生支持,这将被 Polars 取代。我们转换为 Polars 进行特征工程,因为它会自动缓存多个表达式中重复使用的常见子表达式(如下面的 pl.col("count").shift(1))。有关更多信息,请参阅 https://docs.pola.rs/user-guide/lazy/optimizations/

import numpy as np
import polars as pl

from sklearn.datasets import fetch_openml

pl.Config.set_fmt_str_lengths(20)

bike_sharing = fetch_openml(
    "Bike_Sharing_Demand", version=2, as_frame=True, parser="pandas"
)
df = bike_sharing.frame
df = pl.DataFrame({col: df[col].to_numpy() for col in df.columns})

接下来,我们查看数据集的统计摘要,以便更好地了解我们正在使用的数据。

import polars.selectors as cs

summary = df.select(cs.numeric()).describe()
summary
形状:(9, 10)
统计量年份月份小时工作日温度体感温度湿度风速计数
字符串f64f64f64f64f64f64f64f64f64
“计数”17379.017379.017379.017379.017379.017379.017379.017379.017379.0
“空值计数”0.00.00.00.00.00.00.00.00.0
“平均值”0.5025616.53777511.5467523.00368320.37647423.7887550.62722912.73654189.463088
“标准差”0.5000083.4387766.9144052.0057717.8948018.5925110.192938.196795181.387599
“最小值”0.01.00.00.00.820.00.00.01.0
"25%"0.04.06.01.013.9416.6650.487.001540.0
"50%"1.07.012.03.020.524.240.6312.998142.0
"75%"1.010.018.05.027.0631.060.7816.9979281.0
“最大值”1.012.023.06.041.050.01.056.9969977.0


让我们看看数据集中存在的季节 “秋季”“春季”“夏季”“冬季” 的计数,以确认它们是平衡的。

import matplotlib.pyplot as plt

df["season"].value_counts()
形状:(4, 2)
季节计数
字符串u32
“秋季”4496
“春季”4242
“冬季”4232
“夏季”4409


生成 Polars 工程化的滞后特征#

让我们考虑在给定过去需求的情况下预测下一小时需求的问题。由于需求是一个连续变量,因此可以直观地使用任何回归模型。但是,我们没有通常的 (X_train, y_train) 数据集。相反,我们只有按时间顺序组织的 y_train 需求数据。

lagged_df = df.select(
    "count",
    *[pl.col("count").shift(i).alias(f"lagged_count_{i}h") for i in [1, 2, 3]],
    lagged_count_1d=pl.col("count").shift(24),
    lagged_count_1d_1h=pl.col("count").shift(24 + 1),
    lagged_count_7d=pl.col("count").shift(7 * 24),
    lagged_count_7d_1h=pl.col("count").shift(7 * 24 + 1),
    lagged_mean_24h=pl.col("count").shift(1).rolling_mean(24),
    lagged_max_24h=pl.col("count").shift(1).rolling_max(24),
    lagged_min_24h=pl.col("count").shift(1).rolling_min(24),
    lagged_mean_7d=pl.col("count").shift(1).rolling_mean(7 * 24),
    lagged_max_7d=pl.col("count").shift(1).rolling_max(7 * 24),
    lagged_min_7d=pl.col("count").shift(1).rolling_min(7 * 24),
)
lagged_df.tail(10)
形状:(10, 14)
计数滞后计数_1 小时滞后计数_2 小时滞后计数_3 小时滞后计数_1 天滞后计数_1 天_1 小时滞后计数_7 天滞后计数_7 天_1 小时滞后平均值_24 小时滞后最大值_24 小时滞后最小值_24 小时滞后平均值_7 天滞后最大值_7 天滞后最小值_7 天
i64i64i64i64i64i64i64i64f64i64i64f64i64i64
2472032241571601697013593.5224167.7321432711
315247203224138160467097.125247168.7857142711
2143152472031331383346104.5315170.3869053151
1642143152471231333333107.875315171.4642863151
1221642143151251232633109.583333315172.2440483151
1191221642141021252626109.458333315172.8154763151
89119122164721021826110.166667315173.3690483151
908911912247722318110.875315173.7916673151
61908911936472223112.666667315174.1904763151
4961908949361222113.708333315174.4226193151


但是请注意,第一行具有未定义的值,因为它们自己的过去是未知的。这取决于我们使用了多少滞后

lagged_df.head(10)
形状:(10, 14)
计数滞后计数_1 小时滞后计数_2 小时滞后计数_3 小时滞后计数_1 天滞后计数_1 天_1 小时滞后计数_7 天滞后计数_7 天_1 小时滞后平均值_24 小时滞后最大值_24 小时滞后最小值_24 小时滞后平均值_7 天滞后最大值_7 天滞后最小值_7 天
i64i64i64i64i64i64i64i64f64i64i64f64i64i64
16空值空值空值空值空值空值空值空值空值空值空值空值空值
4016空值空值空值空值空值空值空值空值空值空值空值空值
324016空值空值空值空值空值空值空值空值空值空值空值
13324016空值空值空值空值空值空值空值空值空值空值
1133240空值空值空值空值空值空值空值空值空值空值
111332空值空值空值空值空值空值空值空值空值空值
21113空值空值空值空值空值空值空值空值空值空值
3211空值空值空值空值空值空值空值空值空值空值
8321空值空值空值空值空值空值空值空值空值空值
14832空值空值空值空值空值空值空值空值空值空值


我们现在可以将滞后特征分离到矩阵 X 中,并将目标变量(要预测的计数)分离到具有相同第一维度的数组 y 中。

lagged_df = lagged_df.drop_nulls()
X = lagged_df.drop("count")
y = lagged_df["count"]
print("X shape: {}\ny shape: {}".format(X.shape, y.shape))
X shape: (17210, 13)
y shape: (17210,)

下一小时自行车需求回归的朴素评估#

让我们随机拆分我们的表格数据集以训练梯度提升回归树 (GBRT) 模型,并使用平均绝对百分比误差 (MAPE) 对其进行评估。如果我们的模型旨在进行预测(即,根据过去的数据预测未来的数据),我们不应该使用晚于测试数据的训练数据。在时间序列机器学习中,“i.i.d”(独立同分布)假设不成立,因为数据点不是独立的,并且具有时间关系。

from sklearn.ensemble import HistGradientBoostingRegressor
from sklearn.model_selection import train_test_split

X_train, X_test, y_train, y_test = train_test_split(
    X, y, test_size=0.2, random_state=42
)

model = HistGradientBoostingRegressor().fit(X_train, y_train)

查看模型的性能。

from sklearn.metrics import mean_absolute_percentage_error

y_pred = model.predict(X_test)
mean_absolute_percentage_error(y_test, y_pred)
0.3889873516666431

适当的下一小时预测评估#

让我们使用适当的评估拆分策略,该策略考虑了数据集的时间结构,以评估我们的模型预测未来数据点的能力(避免通过从训练集中的滞后特征中读取值来作弊)。

from sklearn.model_selection import TimeSeriesSplit

ts_cv = TimeSeriesSplit(
    n_splits=3,  # to keep the notebook fast enough on common laptops
    gap=48,  # 2 days data gap between train and test
    max_train_size=10000,  # keep train sets of comparable sizes
    test_size=3000,  # for 2 or 3 digits of precision in scores
)
all_splits = list(ts_cv.split(X, y))

训练模型并根据 MAPE 评估其性能。

train_idx, test_idx = all_splits[0]
X_train, X_test = X[train_idx, :], X[test_idx, :]
y_train, y_test = y[train_idx], y[test_idx]

model = HistGradientBoostingRegressor().fit(X_train, y_train)
y_pred = model.predict(X_test)
mean_absolute_percentage_error(y_test, y_pred)
0.44300751539296973

通过随机训练测试拆分测量的泛化误差过于乐观。通过基于时间的拆分进行的泛化可能更能代表回归模型的真实性能。让我们通过适当的交叉验证来评估误差评估的这种可变性

from sklearn.model_selection import cross_val_score

cv_mape_scores = -cross_val_score(
    model, X, y, cv=ts_cv, scoring="neg_mean_absolute_percentage_error"
)
cv_mape_scores
array([0.44300752, 0.27772182, 0.3697178 ])

跨拆分的可变性非常大!在现实生活中,建议使用更多拆分来更好地评估可变性。让我们从现在开始报告平均 CV 分数及其标准差。

print(f"CV MAPE: {cv_mape_scores.mean():.3f} ± {cv_mape_scores.std():.3f}")
CV MAPE: 0.363 ± 0.068

我们可以计算评估指标和损失函数的几种组合,这些组合将在下面报告。

from collections import defaultdict

from sklearn.metrics import (
    make_scorer,
    mean_absolute_error,
    mean_pinball_loss,
    root_mean_squared_error,
)
from sklearn.model_selection import cross_validate


def consolidate_scores(cv_results, scores, metric):
    if metric == "MAPE":
        scores[metric].append(f"{value.mean():.2f} ± {value.std():.2f}")
    else:
        scores[metric].append(f"{value.mean():.1f} ± {value.std():.1f}")

    return scores


scoring = {
    "MAPE": make_scorer(mean_absolute_percentage_error),
    "RMSE": make_scorer(root_mean_squared_error),
    "MAE": make_scorer(mean_absolute_error),
    "pinball_loss_05": make_scorer(mean_pinball_loss, alpha=0.05),
    "pinball_loss_50": make_scorer(mean_pinball_loss, alpha=0.50),
    "pinball_loss_95": make_scorer(mean_pinball_loss, alpha=0.95),
}
loss_functions = ["squared_error", "poisson", "absolute_error"]
scores = defaultdict(list)
for loss_func in loss_functions:
    model = HistGradientBoostingRegressor(loss=loss_func)
    cv_results = cross_validate(
        model,
        X,
        y,
        cv=ts_cv,
        scoring=scoring,
        n_jobs=2,
    )
    time = cv_results["fit_time"]
    scores["loss"].append(loss_func)
    scores["fit_time"].append(f"{time.mean():.2f} ± {time.std():.2f} s")

    for key, value in cv_results.items():
        if key.startswith("test_"):
            metric = key.split("test_")[1]
            scores = consolidate_scores(cv_results, scores, metric)

通过分位数回归对预测不确定性进行建模#

与其像最小二乘法和泊松损失那样对 \(Y|X\) 分布的期望值进行建模,不如尝试估计条件分位数。

对于给定数据点 \(x_i\)\(Y|X=x_i\) 预计是一个随机变量,因为我们预计租赁数量不能从特征中 100% 准确地预测。它可能会受到现有滞后特征未正确捕获的其他变量的影响。例如,下一小时是否会下雨不能从过去几小时的自行车租赁数据中完全预测出来。这就是我们所说的任意不确定性。

分位数回归可以在不对其形状做出强假设的情况下更精细地描述该分布。

quantile_list = [0.05, 0.5, 0.95]

for quantile in quantile_list:
    model = HistGradientBoostingRegressor(loss="quantile", quantile=quantile)
    cv_results = cross_validate(
        model,
        X,
        y,
        cv=ts_cv,
        scoring=scoring,
        n_jobs=2,
    )
    time = cv_results["fit_time"]
    scores["fit_time"].append(f"{time.mean():.2f} ± {time.std():.2f} s")

    scores["loss"].append(f"quantile {int(quantile*100)}")
    for key, value in cv_results.items():
        if key.startswith("test_"):
            metric = key.split("test_")[1]
            scores = consolidate_scores(cv_results, scores, metric)

scores_df = pl.DataFrame(scores)
scores_df
形状:(6, 8)
损失拟合时间MAPERMSEMAEpinball_loss_05pinball_loss_50pinball_loss_95
字符串字符串字符串字符串字符串字符串字符串字符串
“平方误差”“0.38 ± 0.01 秒”"0.36 ± 0.07""62.3 ± 3.5""39.1 ± 2.3""17.7 ± 1.3""19.5 ± 1.1""21.4 ± 2.4"
“泊松”“0.40 ± 0.02 秒”"0.32 ± 0.07""64.2 ± 4.0""39.3 ± 2.8""16.7 ± 1.5""19.7 ± 1.4""22.6 ± 3.0"
“绝对误差”“0.50 ± 0.03 秒”"0.32 ± 0.06""64.6 ± 3.8""39.9 ± 3.2""17.1 ± 1.1""19.9 ± 1.6""22.7 ± 3.1"
“分位数 5”“0.65 ± 0.02 秒”"0.41 ± 0.01""145.6 ± 20.9""92.5 ± 16.2""5.9 ± 0.9""46.2 ± 8.1""86.6 ± 15.3"
“分位数 50”“0.73 ± 0.03 秒”"0.32 ± 0.06""64.6 ± 3.8""39.9 ± 3.2""17.1 ± 1.1""19.9 ± 1.6""22.7 ± 3.1"
“分位数 95”“0.65 ± 0.02 秒”"1.07 ± 0.27""99.6 ± 8.7""72.0 ± 6.1""62.9 ± 7.4""36.0 ± 3.1""9.1 ± 1.3"


让我们看一下使每个指标最小化的损失。

def min_arg(col):
    col_split = pl.col(col).str.split(" ")
    return pl.arg_sort_by(
        col_split.list.get(0).cast(pl.Float64),
        col_split.list.get(2).cast(pl.Float64),
    ).first()


scores_df.select(
    pl.col("loss").get(min_arg(col_name)).alias(col_name)
    for col_name in scores_df.columns
    if col_name != "loss"
)
形状:(1, 7)
拟合时间MAPERMSEMAEpinball_loss_05pinball_loss_50pinball_loss_95
字符串字符串字符串字符串字符串字符串字符串
“平方误差”“绝对误差”“平方误差”“平方误差”“分位数 5”“平方误差”“分位数 95”


即使由于数据集中的方差导致分数分布重叠,但确实如预期的那样,当 loss="squared_error" 时,平均 RMSE 较低,而当 loss="absolute_error" 时,平均 MAPE 较低。分位数为 5 和 95 的平均 Pinball 损失也是如此。对应于 50 分位数损失的分数与通过最小化其他损失函数获得的分数重叠,MAE 也是如此。

对预测的定性观察#

我们现在可以直观地看到模型在第 5 个百分位数、中位数和第 95 个百分位数方面的性能

all_splits = list(ts_cv.split(X, y))
train_idx, test_idx = all_splits[0]

X_train, X_test = X[train_idx, :], X[test_idx, :]
y_train, y_test = y[train_idx], y[test_idx]

max_iter = 50
gbrt_mean_poisson = HistGradientBoostingRegressor(loss="poisson", max_iter=max_iter)
gbrt_mean_poisson.fit(X_train, y_train)
mean_predictions = gbrt_mean_poisson.predict(X_test)

gbrt_median = HistGradientBoostingRegressor(
    loss="quantile", quantile=0.5, max_iter=max_iter
)
gbrt_median.fit(X_train, y_train)
median_predictions = gbrt_median.predict(X_test)

gbrt_percentile_5 = HistGradientBoostingRegressor(
    loss="quantile", quantile=0.05, max_iter=max_iter
)
gbrt_percentile_5.fit(X_train, y_train)
percentile_5_predictions = gbrt_percentile_5.predict(X_test)

gbrt_percentile_95 = HistGradientBoostingRegressor(
    loss="quantile", quantile=0.95, max_iter=max_iter
)
gbrt_percentile_95.fit(X_train, y_train)
percentile_95_predictions = gbrt_percentile_95.predict(X_test)

我们现在可以看看回归模型做出的预测

last_hours = slice(-96, None)
fig, ax = plt.subplots(figsize=(15, 7))
plt.title("Predictions by regression models")
ax.plot(
    y_test[last_hours],
    "x-",
    alpha=0.2,
    label="Actual demand",
    color="black",
)
ax.plot(
    median_predictions[last_hours],
    "^-",
    label="GBRT median",
)
ax.plot(
    mean_predictions[last_hours],
    "x-",
    label="GBRT mean (Poisson)",
)
ax.fill_between(
    np.arange(96),
    percentile_5_predictions[last_hours],
    percentile_95_predictions[last_hours],
    alpha=0.3,
    label="GBRT 90% interval",
)
_ = ax.legend()
Predictions by regression models

在这里,有趣的是,5% 和 95% 百分位估计量之间的蓝色区域的宽度随一天中的时间而变化

  • 在晚上,蓝色带要窄得多:这对模型非常确定自行车租赁的数量会很少。此外,从实际需求保持在蓝色带内的意义上来说,这些模型似乎是正确的。

  • 在白天,蓝色带要宽得多:不确定性增加,可能是因为天气的变化可能产生非常大的影响,尤其是在周末。

  • 我们还可以看到,在工作日,通勤模式在 5% 和 95% 的估计值中仍然可见。

  • 最后,预计在 10% 的情况下,实际需求不会介于 5% 和 95% 的百分位估计值之间。在这个测试跨度上,实际需求似乎更高,尤其是在高峰时段。这可能表明我们的 95% 百分位估计器低估了需求峰值。这可以通过计算经验覆盖率来定量确认,如置信区间的校准中所述。

查看非线性回归模型与最佳模型的性能

from sklearn.metrics import PredictionErrorDisplay

fig, axes = plt.subplots(ncols=3, figsize=(15, 6), sharey=True)
fig.suptitle("Non-linear regression models")
predictions = [
    median_predictions,
    percentile_5_predictions,
    percentile_95_predictions,
]
labels = [
    "Median",
    "5th percentile",
    "95th percentile",
]
for ax, pred, label in zip(axes, predictions, labels):
    PredictionErrorDisplay.from_predictions(
        y_true=y_test,
        y_pred=pred,
        kind="residual_vs_predicted",
        scatter_kwargs={"alpha": 0.3},
        ax=ax,
    )
    ax.set(xlabel="Predicted demand", ylabel="True demand")
    ax.legend(["Best model", label])

plt.show()
Non-linear regression models

结论#

通过这个例子,我们探索了使用滞后特征的时间序列预测。我们将朴素回归(使用标准化的train_test_split)与使用TimeSeriesSplit的适当时间序列评估策略进行了比较。我们观察到,使用train_test_split训练的模型(其默认值shuffle设置为True)产生了过于乐观的平均绝对百分比误差 (MAPE)。基于时间拆分产生的结果更好地代表了我们时间序列回归模型的性能。我们还通过分位数回归分析了模型的预测不确定性。使用loss="quantile"基于第 5 个和第 95 个百分位数的预测为我们提供了对时间序列回归模型所做预测的不确定性的定量估计。还可以使用MAPIE进行不确定性估计,它提供了一种基于最近关于保形预测方法的工作的实现,并同时估计了任意和认知不确定性。此外,sktime提供的功能可用于通过使用递归时间序列预测来扩展 scikit-learn 估计器,从而能够动态预测未来值。

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

相关示例

与时间相关的特征工程

与时间相关的特征工程

直方图梯度提升树中的特征

直方图梯度提升树中的特征

梯度提升回归的预测区间

梯度提升回归的预测区间

分位数回归

分位数回归

由 Sphinx-Gallery 生成的图库