scikit-learn 1.1 的发布亮点#

我们很高兴地宣布 scikit-learn 1.1 发布!添加了许多错误修复和改进,以及一些新的关键功能。我们将在下面详细介绍此版本的一些主要功能。**有关所有更改的详尽列表**,请参阅发布说明

要安装最新版本(使用 pip)

pip install --upgrade scikit-learn

或使用 conda

conda install -c conda-forge scikit-learn

HistGradientBoostingRegressor 中的分位数损失#

HistGradientBoostingRegressor 可以使用 loss="quantile" 和新参数 quantile 对分位数进行建模。

from sklearn.ensemble import HistGradientBoostingRegressor
import numpy as np
import matplotlib.pyplot as plt

# Simple regression function for X * cos(X)
rng = np.random.RandomState(42)
X_1d = np.linspace(0, 10, num=2000)
X = X_1d.reshape(-1, 1)
y = X_1d * np.cos(X_1d) + rng.normal(scale=X_1d / 3)

quantiles = [0.95, 0.5, 0.05]
parameters = dict(loss="quantile", max_bins=32, max_iter=50)
hist_quantiles = {
    f"quantile={quantile:.2f}": HistGradientBoostingRegressor(
        **parameters, quantile=quantile
    ).fit(X, y)
    for quantile in quantiles
}

fig, ax = plt.subplots()
ax.plot(X_1d, y, "o", alpha=0.5, markersize=1)
for quantile, hist in hist_quantiles.items():
    ax.plot(X_1d, hist.predict(X), label=quantile)
_ = ax.legend(loc="lower left")
plot release highlights 1 1 0

有关用例示例,请参见直方图梯度提升树中的特征

get_feature_names_out 在所有转换器中可用#

get_feature_names_out 现在在所有转换器中都可用。这使得 Pipeline 能够为更复杂的管道构建输出特征名称

from sklearn.compose import ColumnTransformer
from sklearn.preprocessing import OneHotEncoder, StandardScaler
from sklearn.pipeline import make_pipeline
from sklearn.impute import SimpleImputer
from sklearn.feature_selection import SelectKBest
from sklearn.datasets import fetch_openml
from sklearn.linear_model import LogisticRegression

X, y = fetch_openml(
    "titanic", version=1, as_frame=True, return_X_y=True, parser="pandas"
)
numeric_features = ["age", "fare"]
numeric_transformer = make_pipeline(SimpleImputer(strategy="median"), StandardScaler())
categorical_features = ["embarked", "pclass"]

preprocessor = ColumnTransformer(
    [
        ("num", numeric_transformer, numeric_features),
        (
            "cat",
            OneHotEncoder(handle_unknown="ignore", sparse_output=False),
            categorical_features,
        ),
    ],
    verbose_feature_names_out=False,
)
log_reg = make_pipeline(preprocessor, SelectKBest(k=7), LogisticRegression())
log_reg.fit(X, y)
Pipeline(steps=[('columntransformer',
                 ColumnTransformer(transformers=[('num',
                                                  Pipeline(steps=[('simpleimputer',
                                                                   SimpleImputer(strategy='median')),
                                                                  ('standardscaler',
                                                                   StandardScaler())]),
                                                  ['age', 'fare']),
                                                 ('cat',
                                                  OneHotEncoder(handle_unknown='ignore',
                                                                sparse_output=False),
                                                  ['embarked', 'pclass'])],
                                   verbose_feature_names_out=False)),
                ('selectkbest', SelectKBest(k=7)),
                ('logisticregression', LogisticRegression())])
在 Jupyter 环境中,请重新运行此单元格以显示 HTML 表示形式或信任笔记本。
在 GitHub 上,HTML 表示形式无法呈现,请尝试使用 nbviewer.org 加载此页面。


在这里,我们对管道进行切片,以包含除最后一个步骤之外的所有步骤。此管道切片的输出特征名称是输入逻辑回归的特征。这些名称直接对应于逻辑回归中的系数

import pandas as pd

log_reg_input_features = log_reg[:-1].get_feature_names_out()
pd.Series(log_reg[-1].coef_.ravel(), index=log_reg_input_features).plot.bar()
plt.tight_layout()
plot release highlights 1 1 0

OneHotEncoder 中对不常见类别进行分组#

OneHotEncoder 支持将不常见类别聚合到每个特征的单个输出中。启用不常见类别收集的参数是 min_frequencymax_categories。有关更多详细信息,请参见用户指南

from sklearn.preprocessing import OneHotEncoder
import numpy as np

X = np.array(
    [["dog"] * 5 + ["cat"] * 20 + ["rabbit"] * 10 + ["snake"] * 3], dtype=object
).T
enc = OneHotEncoder(min_frequency=6, sparse_output=False).fit(X)
enc.infrequent_categories_
[array(['dog', 'snake'], dtype=object)]

由于狗和蛇是不常见的类别,因此在转换时它们被分组在一起

encoded = enc.transform(np.array([["dog"], ["snake"], ["cat"], ["rabbit"]]))
pd.DataFrame(encoded, columns=enc.get_feature_names_out())
x0_cat x0_rabbit x0_infrequent_sklearn
0 0.0 0.0 1.0
1 0.0 0.0 1.0
2 1.0 0.0 0.0
3 0.0 1.0 0.0


性能改进#

对密集 float64 数据集的成对距离的减少已重构,以更好地利用非阻塞线程并行性。例如,neighbors.NearestNeighbors.kneighborsneighbors.NearestNeighbors.radius_neighbors 的速度分别比以前快了 ×20 和 ×5。总之,以下函数和估计器现在受益于性能改进

要详细了解这项工作的技术细节,您可以阅读这套博文

此外,使用 Cython 重构了损失函数的计算,从而提高了以下估计器的性能

MiniBatchNMF:NMF 的在线版本#

新类 MiniBatchNMF 实现了一个更快但不太准确的非负矩阵分解版本 (NMF)。 MiniBatchNMF 将数据分成小批量,并通过循环遍历小批量以在线方式优化 NMF 模型,使其更适合大型数据集。特别是,它实现了 partial_fit,当数据从一开始就不可用或数据无法放入内存时,它可用于在线学习。

import numpy as np
from sklearn.decomposition import MiniBatchNMF

rng = np.random.RandomState(0)
n_samples, n_features, n_components = 10, 10, 5
true_W = rng.uniform(size=(n_samples, n_components))
true_H = rng.uniform(size=(n_components, n_features))
X = true_W @ true_H

nmf = MiniBatchNMF(n_components=n_components, random_state=0)

for _ in range(10):
    nmf.partial_fit(X)

W = nmf.transform(X)
H = nmf.components_
X_reconstructed = W @ H

print(
    f"relative reconstruction error: ",
    f"{np.sum((X - X_reconstructed) ** 2) / np.sum(X**2):.5f}",
)
relative reconstruction error:  0.00364

BisectingKMeans: 分割和聚类#

新类 BisectingKMeansKMeans 的变体,使用分层聚类。它不是一次创建所有质心,而是根据之前的聚类逐步选择质心:一个聚类被反复分成两个新聚类,直到达到目标聚类数量,从而为聚类提供分层结构。

from sklearn.datasets import make_blobs
from sklearn.cluster import KMeans, BisectingKMeans
import matplotlib.pyplot as plt

X, _ = make_blobs(n_samples=1000, centers=2, random_state=0)

km = KMeans(n_clusters=5, random_state=0, n_init="auto").fit(X)
bisect_km = BisectingKMeans(n_clusters=5, random_state=0).fit(X)

fig, ax = plt.subplots(1, 2, figsize=(10, 5))
ax[0].scatter(X[:, 0], X[:, 1], s=10, c=km.labels_)
ax[0].scatter(km.cluster_centers_[:, 0], km.cluster_centers_[:, 1], s=20, c="r")
ax[0].set_title("KMeans")

ax[1].scatter(X[:, 0], X[:, 1], s=10, c=bisect_km.labels_)
ax[1].scatter(
    bisect_km.cluster_centers_[:, 0], bisect_km.cluster_centers_[:, 1], s=20, c="r"
)
_ = ax[1].set_title("BisectingKMeans")
KMeans, BisectingKMeans

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

相关示例

scikit-learn 1.0 的发布亮点

scikit-learn 1.0 的发布亮点

scikit-learn 1.3 的发布亮点

scikit-learn 1.3 的发布亮点

scikit-learn 0.23 的发布亮点

scikit-learn 0.23 的发布亮点

scikit-learn 1.2 的发布亮点

scikit-learn 1.2 的发布亮点

由 Sphinx-Gallery 生成的图库