scikit-learn 1.2 的发布亮点#
我们很高兴地宣布 scikit-learn 1.2 的发布!添加了许多错误修复和改进,以及一些新的关键功能。我们将在下面详细介绍此版本的一些主要功能。有关所有更改的详尽列表,请参阅发行说明。
要安装最新版本(使用 pip)
pip install --upgrade scikit-learn
或使用 conda
conda install -c conda-forge scikit-learn
使用 set_output
API 的 Pandas 输出#
scikit-learn 的转换器现在使用 set_output
API 支持 Pandas 输出。要详细了解 set_output
API,请参阅示例:介绍 set_output API 和 # 此视频,scikit-learn 转换器的 pandas DataFrame 输出(一些示例)。
import numpy as np
from sklearn.datasets import load_iris
from sklearn.preprocessing import StandardScaler, KBinsDiscretizer
from sklearn.compose import ColumnTransformer
X, y = load_iris(as_frame=True, return_X_y=True)
sepal_cols = ["sepal length (cm)", "sepal width (cm)"]
petal_cols = ["petal length (cm)", "petal width (cm)"]
preprocessor = ColumnTransformer(
[
("scaler", StandardScaler(), sepal_cols),
("kbin", KBinsDiscretizer(encode="ordinal"), petal_cols),
],
verbose_feature_names_out=False,
).set_output(transform="pandas")
X_out = preprocessor.fit_transform(X)
X_out.sample(n=5, random_state=0)
基于直方图的梯度提升树中的交互约束#
HistGradientBoostingRegressor
和 HistGradientBoostingClassifier
现在使用 interaction_cst
参数支持交互约束。有关详细信息,请参阅用户指南。在以下示例中,不允许特征相互作用。
from sklearn.datasets import load_diabetes
from sklearn.ensemble import HistGradientBoostingRegressor
X, y = load_diabetes(return_X_y=True, as_frame=True)
hist_no_interact = HistGradientBoostingRegressor(
interaction_cst=[[i] for i in range(X.shape[1])], random_state=0
)
hist_no_interact.fit(X, y)
新的和增强的显示#
PredictionErrorDisplay
提供了一种以定性方式分析回归模型的方法。
import matplotlib.pyplot as plt
from sklearn.metrics import PredictionErrorDisplay
fig, axs = plt.subplots(nrows=1, ncols=2, figsize=(12, 5))
_ = PredictionErrorDisplay.from_estimator(
hist_no_interact, X, y, kind="actual_vs_predicted", ax=axs[0]
)
_ = PredictionErrorDisplay.from_estimator(
hist_no_interact, X, y, kind="residual_vs_predicted", ax=axs[1]
)
LearningCurveDisplay
现在可用于绘制来自 learning_curve
的结果。
from sklearn.model_selection import LearningCurveDisplay
_ = LearningCurveDisplay.from_estimator(
hist_no_interact, X, y, cv=5, n_jobs=2, train_sizes=np.linspace(0.1, 1, 5)
)
PartialDependenceDisplay
公开了新的参数 categorical_features
,以使用条形图和热图显示分类特征的偏依赖。
from sklearn.datasets import fetch_openml
X, y = fetch_openml(
"titanic", version=1, as_frame=True, return_X_y=True, parser="pandas"
)
X = X.select_dtypes(["number", "category"]).drop(columns=["body"])
from sklearn.preprocessing import OrdinalEncoder
from sklearn.pipeline import make_pipeline
categorical_features = ["pclass", "sex", "embarked"]
model = make_pipeline(
ColumnTransformer(
transformers=[("cat", OrdinalEncoder(), categorical_features)],
remainder="passthrough",
),
HistGradientBoostingRegressor(random_state=0),
).fit(X, y)
from sklearn.inspection import PartialDependenceDisplay
fig, ax = plt.subplots(figsize=(14, 4), constrained_layout=True)
_ = PartialDependenceDisplay.from_estimator(
model,
X,
features=["age", "sex", ("pclass", "sex")],
categorical_features=categorical_features,
ax=ax,
)
fetch_openml
中的更快解析器#
fetch_openml
现在支持新的 "pandas"
解析器,该解析器在内存和 CPU 效率方面更高。在 v1.4 中,默认值将更改为 parser="auto"
,它将自动为密集数据使用 "pandas"
解析器,为稀疏数据使用 "liac-arff"
解析器。
X, y = fetch_openml(
"titanic", version=1, as_frame=True, return_X_y=True, parser="pandas"
)
X.head()
LinearDiscriminantAnalysis
中的实验性数组 API 支持#
对 数组 API 规范的实验性支持已添加到 LinearDiscriminantAnalysis
。估计器现在可以在任何符合数组 API 的库(如 CuPy(一个 GPU 加速的数组库))上运行。有关详细信息,请参阅用户指南。
许多估计器的效率提高#
在 1.1 版本中,许多依赖于成对距离计算的估计器的效率得到了极大提升(本质上是与聚类、流形学习和邻居搜索算法相关的估计器),适用于 float64 稠密输入。效率提升尤其体现在内存占用减少和多核机器上的可扩展性显著提高。在 1.2 版本中,这些估计器的效率进一步提升,适用于 float32 和 float64 数据集上的所有稠密和稀疏输入组合,除了欧几里得距离和平方欧几里得距离度量下的稀疏-稠密和稠密-稀疏组合。受影响的估计器详细列表可以在 变更日志 中找到。
脚本总运行时间:(0 分钟 11.552 秒)
相关示例