版本 1.1#
有关此版本主要亮点简要描述,请参阅 scikit-learn 1.1 版本发布亮点 。
Legend for changelogs
Major Feature something big that you couldn’t do before.
Feature something that you couldn’t do before.
Efficiency an existing feature now may not require as much computation or memory.
Enhancement a miscellaneous minor improvement.
Fix something that previously didn’t work as documented – or according to reasonable expectations – should now work.
API Change you will need to change your code to have the same effect in the future; or a feature will be removed in the future.
版本 1.1.3#
2022年10月
此修复版本仅包括与最新 SciPy 版本 >= 1.9.2 的兼容性修复。显著变化包括:
Fix 由于最新 SciPy 轮子中已移除
msvcp140.dll
,将其包含在 scikit-learn 轮子中。 #24631 由 Chiara Marmo 贡献。Enhancement 为 Python 3.11 创建轮子。 #24446 由 Chiara Marmo 贡献。
其他错误修复将在即将发布的 1.2 版本中提供,该版本将在未来几周内发布。
请注意,此版本已放弃对 Windows 上 32 位 Python 的支持。这是由于 SciPy 1.9.2 也放弃了该平台的支持。建议 Windows 用户安装 64 位版本的 Python。
版本 1.1.2#
2022年8月
更改的模型#
以下估计器和函数,当使用相同的数据和参数进行拟合时,可能会产生与上一版本不同的模型。这通常是由于建模逻辑(错误修复或增强)或随机抽样过程的变化所致。
Fix
manifold.TSNE
现在在拟合perplexity>=n_samples
时会抛出ValueError
,以确保算法的数学正确性。 #10805 由 Mathias Andersen 和 #23471 由 Meekail Zain 贡献。
变更日志#
Fix 对于参数无效的元估计器,显示默认的 HTML 表示。#24015 由 Thomas Fan 贡献。
Fix 为后端在 1.1 中已更改的估计器和函数添加对 F 连续数组的支持。 #23990 由 Julien Jerphanion 提交。
Fix 现在为 MacOS 10.9 及以上版本提供了 Wheels。#23833 由 Thomas Fan 提交。
sklearn.base
#
Fix
base.BaseEstimator
类的get_params
方法现在支持具有type
类型参数的估计器,这些参数具有get_params
方法。#24017 由 Henry Sorsky 提交。
sklearn.cluster
#
Fix 修复了
cluster.Birch
中的一个错误,该错误在数据集中存在重复项时可能导致节点分裂时触发错误。#23395 由 Jérémie du Boisberranger 提交。
sklearn.feature_selection
#
Fix
feature_selection.SelectFromModel
默认选择阈值为 1e-5,当估计器是linear_model.ElasticNet
或linear_model.ElasticNetCV
且l1_ratio
等于 1 或linear_model.LassoCV
时。#23636 由 Hao Chun Chang 提交。
sklearn.impute
#
Fix
impute.SimpleImputer
在transform
时使用fit
中看到的 dtype,当 dtype 为对象时。#22063 由 Thomas Fan 提交。
sklearn.linear_model
#
Fix 使用 dtype 感知的容差来验证 gram 矩阵(由用户传递或预计算)。#22059 由 Malte S. Kurz 提交。
Fix 修复了
linear_model.LogisticRegression
中使用solver="newton-cg"
、fit_intercept=True
和一个特征时的错误。#23608 由 Tom Dupre la Tour 提交。
sklearn.manifold
#
Fix
manifold.TSNE
现在在拟合时抛出ValueError
,当perplexity>=n_samples
以确保算法的数学正确性。#10805 由 Mathias Andersen 和 #23471 由 Meekail Zain 提交。
sklearn.metrics
#
Fix 修复了
metrics.coverage_error
对于一维数组输入的错误消息。 #23548 由 Hao Chun Chang 提交。
sklearn.preprocessing
#
Fix
preprocessing.OrdinalEncoder.inverse_transform
正确处理了unknown_value
或encoded_missing_value
为nan
的情况。#24087 由 Thomas Fan 提交。
sklearn.tree
#
Fix 修复了
tree.DecisionTreeRegressor
和tree.DecisionTreeClassifier
在拟合过程中的无效内存访问错误。#23273 由 Thomas Fan 提交。
版本 1.1.1#
2022年5月
更新日志#
Enhancement 改进了导入
model_selection.HalvingGridSearchCV
、model_selection.HalvingRandomSearchCV
或impute.IterativeImputer
时未导入实验标志的错误消息。 #23194 由 Thomas Fan 提交。Enhancement 在 doc/conf.py 中添加了一个扩展,以自动生成处理 NaN 值的估计器列表。 #23198 由 Lise Kleiber 、Zhehao Liu 和 Chiara Marmo 提交。
sklearn.datasets
#
Fix 通过不传递
timeout
参数,避免了datasets.fetch_openml
中的超时问题。 #23358 由 Loïc Estève 提交。
sklearn.decomposition
#
Fix 避免了
decomposition.IncrementalPCA
在n_samples == n_components
时的虚假警告。 #23264 由 Lucy Liu 提交。
sklearn.feature_selection
#
Fix
feature_selection.SelectFromModel
的partial_fit
方法现在对max_features
和feature_names_in
参数进行验证。#23299 由 Long Bao 提交。
sklearn.metrics
#
Fix 修复了
metrics.precision_recall_curve
以在100%召回率下计算精确度-召回率。现在,精确度-召回率曲线显示了对应于始终预测正类的分类器的最后一个点:召回率=100%,精确度=类别平衡。 #23214 由 Stéphane Collot 和 Max Baak 贡献。
sklearn.preprocessing
#
Fix 当
degree
等于 0 时,preprocessing.PolynomialFeatures
在include_bias
设置为 False 时会引发错误,而在include_bias
设置为 True 时会输出一个单一的常量数组。 #23370 由 Zhehao Liu 贡献。
sklearn.tree
#
sklearn.utils
#
Fix
utils.class_weight.compute_sample_weight
现在可以处理稀疏的y
。 #23115 由 kernc 贡献。
版本 1.1.0#
2022年5月
最小依赖#
scikit-learn 1.1.0 版本需要 python 3.8+、numpy 1.17.3+ 和 scipy 1.3.2+。可选的最小依赖是 matplotlib 3.1.2+。
更改的模型#
以下估计器和函数,在相同数据和参数下拟合时,可能会产生与上一版本不同的模型。这通常是由于建模逻辑的变化(错误修复或增强)或随机抽样过程的变化。
Efficiency
cluster.KMeans
现在默认使用algorithm="lloyd"
而不是algorithm="auto"
,后者等效于algorithm="elkan"
。Lloyd算法和Elkan算法收敛到相同的解,直到数值舍入误差,但通常Lloyd算法使用更少的内存,并且往往更快。Efficiency 拟合
tree.DecisionTreeClassifier
、tree.DecisionTreeRegressor
、ensemble.RandomForestClassifier
、ensemble.RandomForestRegressor
、ensemble.GradientBoostingClassifier
和ensemble.GradientBoostingRegressor
平均比以前版本快15%,这得益于一个新的排序算法来找到最佳分割。 模型可能会有所不同,因为对具有相同准则值的分割处理方式不同:旧的和新的排序算法都是不稳定的排序算法。#22868 由 Thomas Fan 贡献。Fix
cluster.SpectralClustering
和manifold.SpectralEmbedding
的特征向量初始化现在在使用'amg'
或'lobpcg'
求解器时从高斯分布中采样。这一更改提高了求解器的数值稳定性,但可能导致不同的模型。Fix
feature_selection.f_regression
和feature_selection.r_regression
现在默认返回有限分数,而不是在一些极端情况下返回np.nan
和np.inf
。如果你确实想要获取非有限值并保持旧的行为,可以使用force_finite=False
。Fix 包含所有非字符串列(如MultiIndex)的Panda’s DataFrame在传递给估计器时不再发出警告。估计器将继续忽略DataFrame中非字符串列的列名。要定义
feature_names_in_
,列必须全部为字符串。#22410 由 Thomas Fan 贡献。Fix
preprocessing.KBinsDiscretizer
对箱边界的处理稍有变化,这可能导致相同数据的不同编码。Fix
calibration.calibration_curve
对箱的处理方式有所改变,
边缘略有变化,这可能导致在相同数据下产生不同的输出曲线。
Fix
discriminant_analysis.LinearDiscriminantAnalysis
现在使用正确的方差缩放系数,这可能导致不同的模型行为。Fix
feature_selection.SelectFromModel.fit
和feature_selection.SelectFromModel.partial_fit
现在可以在prefit=True
的情况下调用。当prefit=True
时,estimators_
将是estimator
的深拷贝。#23271 由 Guillaume Lemaitre 贡献。
更新日志#
Efficiency 针对密集 float64 数据集的成对距离缩减的底层例程已重构。以下函数和估计器现在在硬件可扩展性和速度提升方面受益于改进的性能:
sklearn.semi_supervised.LabelSpreading
例如
sklearn.neighbors.NearestNeighbors.kneighbors
和sklearn.neighbors.NearestNeighbors.radius_neighbors
在笔记本电脑上的速度分别可以比之前快至20倍和5倍。此外,这两种算法的实现现在适用于多核机器,使得它们可以用于包含数百万样本的数据集。
#21987 , #22064 , #22065 , #22288 和 #22320 由 Julien Jerphanion 贡献。
Enhancement 所有scikit-learn模型现在在某些输入包含意外的
NaN
或无限值时生成更具信息性的错误消息。 特别是消息包含输入名称(”X”、”y”或”sample_weight”),并且如果在X
中发现意外的NaN
值,错误消息会建议潜在的解决方案。 #21219 由 Olivier Grisel 贡献。Enhancement 所有scikit-learn模型现在在通过
set_params
设置无效超参数时生成更具信息性的错误消息。 #21542 由 Olivier Grisel 贡献。Enhancement 移除了HTML表示中的随机唯一标识符。 通过这一更改,只要单元格按相同顺序运行,Jupyter笔记本就是可重现的。#23098 由 Thomas Fan 贡献。
Fix 将
non_deterministic
标签设置为True
的估计器将跳过check_methods_sample_order_invariance
和check_methods_subset_invariance
测试。 #22318 由 Zhehao Liu 贡献。API Change 通过
loss
参数已变得更加一致。推荐的方式是通过设置值为"log_loss"
。旧的选项名称仍然有效并产生相同的模型,但已被弃用,并将在 1.3 版本中移除。
对于
ensemble.GradientBoostingClassifier
,loss
参数名称 “deviance” 已被弃用,取而代之的是新的名称 “log_loss”,现在这是默认值。 #23036 由 Christian Lorentzen 提交。对于
ensemble.HistGradientBoostingClassifier
,loss
参数名称 “auto”、”binary_crossentropy” 和 “categorical_crossentropy” 已被弃用,取而代之的是新的名称 “log_loss”,现在这是默认值。 #23040 由 Christian Lorentzen 提交。对于
linear_model.SGDClassifier
,loss
参数名称 “log” 已被弃用,取而代之的是新的名称 “log_loss”。 #23046 由 Christian Lorentzen 提交。API Change 在 Jupyter 笔记本中,估计器的富 HTML 表示现在默认启用。可以通过在
sklearn.set_config
中设置display='text'
来停用。 #22856 由 Jérémie du Boisberranger 提交。
sklearn.calibration
#
Enhancement
calibration.calibration_curve
接受一个参数pos_label
来指定正类标签。 #21032 由 Guillaume Lemaitre 提交。Enhancement
calibration.CalibratedClassifierCV.fit
现在支持传递fit_params
,这些参数会被路由到base_estimator
。 #18170 由 Benjamin Bossan 提交。Enhancement
calibration.CalibrationDisplay
接受一个参数pos_label
来在图中添加此信息。 #21038 由 Guillaume Lemaitre 提交。Fix
calibration.calibration_curve
现在更一致地处理 bin 边缘。 #14975 由 Andreas Müller 和 #22526 由 Meekail Zain 提交。API Change
calibration.calibration_curve
的normalize
参数现已弃用,并将在版本 1.3 中移除。建议使用适当的概率(即分类器的 predict_proba 正类)作为y_prob
。 #23095 由 Jordan Silke 提交。
sklearn.cluster
#
Major Feature
cluster.BisectingKMeans
引入了二分 K-Means 算法 #20031 由 Michal Krawczyk 、 Tom Dupre la Tour 和 Jérémie du Boisberranger 提交。Enhancement
cluster.SpectralClustering
和cluster.spectral_clustering
现在包含新的'cluster_qr'
方法,该方法在嵌入空间中对样本进行聚类,作为现有'kmeans'
和'discrete'
方法的替代方案。更多详情请参见cluster.spectral_clustering
。 #21148 由 Andrew Knyazev 提交。Enhancement 为
cluster.Birch
、cluster.FeatureAgglomeration
、cluster.KMeans
、cluster.MiniBatchKMeans
添加了 get_feature_names_out 。 #22255 由 Thomas Fan 提交。Enhancement
cluster.SpectralClustering
现在在传递n_clusters
、n_init
、gamma
、n_neighbors
、eigen_tol
或degree
的无效值时会引发一致的错误消息。 #21881 由 Hugo Vassard 提交。Enhancement
cluster.AffinityPropagation
现在即使模型未完全收敛,也会返回聚类中心和标签(如果存在)。在返回这些可能退化的聚类中心和标签时,会显示一条新的警告消息。如果没有构建聚类中心,则聚类中心保持为空列表,标签设置为-1
,并显示原始警告消息。 #22217 由 Meekail Zain 提交。Efficiency 在
cluster.KMeans
中,默认的algorithm
现在是"lloyd"
,这是完整的经典 EM 风格算法。"auto"
和"full"
已被弃用,并将在版本 1.3 中移除。它们现在都是"lloyd"
的别名。之前的默认值是"auto"
,它依赖于 Elkan 的算法。Lloyd 的算法比 Elkan 的算法使用更少的内存,它在许多数据集上更快,并且结果相同,因此进行了更改。#21735 由 Aurélien Geron 贡献。Fix
cluster.KMeans
的init
参数现在正确支持类似数组的输入和 NumPy 字符串标量。#22154 由 Thomas Fan 贡献。
sklearn.compose
#
Fix
compose.ColumnTransformer
现在从__init__
和set_params
方法中移除了验证错误。#22537 由 iofall 和 Arisa Y. 贡献。Fix 当使用
slice
指定列时,compose.ColumnTransformer
中的 get_feature_names_out 功能被破坏。这在 #22775 和 #22913 中由 randomgeek78 修复。
sklearn.covariance
#
Fix
covariance.GraphicalLassoCV
现在接受 NumPy 数组作为参数alphas
。#22493 由 Guillaume Lemaitre 贡献。
sklearn.cross_decomposition
#
Enhancement
cross_decomposition.PLSRegression
、cross_decomposition.PLSCanonical
和cross_decomposition.CCA
的inverse_transform
方法现在允许在给定Y
参数时重建X
目标。#19680 由 Robin Thibaut 贡献。Enhancement 为
cross_decomposition
模块中的所有转换器添加了 get_feature_names_out :cross_decomposition.CCA
、cross_decomposition.PLSSVD
、cross_decomposition.PLSRegression
。
和 cross_decomposition.PLSCanonical
。#22119 由 Thomas Fan 提交。
Fix
cross_decomposition.CCA
、cross_decomposition.PLSCanonical
和cross_decomposition.PLSRegression
的 coef_ 属性的形状将在版本 1.3 中更改,从(n_features, n_targets)
变为(n_targets, n_features)
,以与其他线性模型保持一致,并使其能够与期望特定coef_
形状的接口(例如feature_selection.RFE
)一起工作。#22016 由 Guillaume Lemaitre 提交。API Change 为
cross_decomposition.PLSCanonical
、cross_decomposition.PLSRegression
和cross_decomposition.CCA
添加了拟合属性intercept_
。方法predict
实际上等同于Y = X @ coef_ + intercept_
。#22015 由 Guillaume Lemaitre 提交。
sklearn.datasets
#
Feature
datasets.load_files
现在接受基于文件扩展名的忽略列表和允许列表。#19747 由 Tony Attalla 提交,以及 #22498 由 Meekail Zain 提交。Enhancement
datasets.make_swiss_roll
现在支持可选参数hole
;当设置为 True 时,返回 swiss-hole 数据集。#21482 由 Sebastian Pujalte 提交。Enhancement
datasets.make_blobs
在生成过程中不再复制数据,因此使用更少的内存。#22412 由 Zhehao Liu 提交。Enhancement
datasets.load_diabetes
现在接受参数scaled
,以允许加载未缩放的数据。此数据集的缩放版本现在从未缩放数据计算得出,并且可能产生与之前版本略有不同的结果(在 1e-4 绝对容差范围内)。#16605 由 Mandy Gu 提交。Enhancement
datasets.fetch_openml
现在有两个可选参数
n_retries
和delay
。默认情况下,datasets.fetch_openml
会在网络故障时重试 3 次,每次尝试之间有延迟。
Fix
datasets.fetch_covtype
现在是并发安全的:数据在移动到数据目录之前会下载到临时目录。 #23113 由 Ilion Beyst 提交。API Change
datasets.make_sparse_coded_signal
现在接受一个参数data_transposed
来明确指定矩阵X
的形状。默认行为True
是返回一个转置的矩阵X
,对应于(n_features, n_samples)
的形状。默认值将在版本 1.3 中更改为False
。 #21425 由 Gabriel Stefanini Vicente 提交。
sklearn.decomposition
#
Major Feature 新增了一个估计器
decomposition.MiniBatchNMF
。它是一个更快但准确度较低的非负矩阵分解版本,更适合大型数据集。 #16948 由 Chiara Marmo 、Patricio Cerda 和 Jérémie du Boisberranger 提交。Enhancement
decomposition.dict_learning
、decomposition.dict_learning_online
和decomposition.sparse_encode
保留numpy.float32
的数据类型。decomposition.DictionaryLearning
、decomposition.MiniBatchDictionaryLearning
和decomposition.SparseCoder
保留numpy.float32
的数据类型。 #22002 由 Takeshi Oura 提交。Enhancement
decomposition.PCA
暴露了一个参数n_oversamples
来调整utils.extmath.randomized_svd
,当特征数量较大时获得准确结果。 #21109 由 Smile 提交。Enhancement
decomposition.MiniBatchDictionaryLearning
和decomposition.dict_learning_online
已被重构,现在具有更好的性能和更清晰的代码结构。
基于字典或目标函数的小变化停止准则,由新的 max_iter
、 tol
和 max_no_improvement
参数控制。此外,它们的一些参数和属性已被弃用。
n_iter
参数在两者中均已被弃用。请改用max_iter
。iter_offset
、return_inner_stats
、inner_stats
和return_n_iter
参数在decomposition.dict_learning_online
中用于内部目的,已被弃用。inner_stats_
、iter_offset_
和random_state_
属性在decomposition.MiniBatchDictionaryLearning
中用于内部目的,已被弃用。batch_size
参数的默认值将在版本 1.3 中从 3 更改为 256。
#18975 由 Jérémie du Boisberranger 提供。
Enhancement
decomposition.SparsePCA
和decomposition.MiniBatchSparsePCA
保留numpy.float32
的数据类型。 #22111 由 Takeshi Oura 提供。Enhancement
decomposition.TruncatedSVD
现在允许n_components == n_features
,如果algorithm='randomized'
。 #22181 由 Zach Deane-Mayer 提供。Enhancement 在
decomposition
模块中的所有转换器中添加了 get_feature_names_out :decomposition.DictionaryLearning
、decomposition.FactorAnalysis
、decomposition.FastICA
、decomposition.IncrementalPCA
、decomposition.KernelPCA
、decomposition.LatentDirichletAllocation
、decomposition.MiniBatchDictionaryLearning
、decomposition.MiniBatchSparsePCA
、decomposition.NMF
、decomposition.PCA
、decomposition.SparsePCA
, 以及decomposition.TruncatedSVD
。#21334 由 Thomas Fan 提供。Enhancement
decomposition.TruncatedSVD
公开了参数n_oversamples
和power_iteration_normalizer
以进行调整。Enhancement
utils.extmath.randomized_svd
在特征数量大、矩阵秩高或其他矩阵特性使得低秩近似困难时,能够获得更准确的结果。 #21705 由 Jay S. Stanley III 贡献。Enhancement
decomposition.PCA
公开了参数power_iteration_normalizer
,用于调整utils.extmath.randomized_svd
,在低秩近似困难时获得更准确的结果。 #21705 由 Jay S. Stanley III 贡献。Fix
decomposition.FastICA
现在在fit
方法中验证输入参数,而不是在__init__
中。 #21432 由 Hannah Bohle 和 Maren Westermann 贡献。Fix
decomposition.FastICA
现在接受np.float32
数据而不进行静默向上转换。fit
和fit_transform
方法保留了数据类型,并且主要拟合属性使用与训练数据相同精度的数据类型。 #22806 由 Jihane Bennis 和 Olivier Grisel 贡献。Fix
decomposition.FactorAnalysis
现在在fit
方法中验证输入参数,而不是在__init__
中。 #21713 由 Haya 和 Krum Arnaudov 贡献。Fix
decomposition.KernelPCA
现在在fit
方法中验证输入参数,而不是在__init__
中。 #21567 由 Maggie Chege 贡献。Fix
decomposition.PCA
和decomposition.IncrementalPCA
在self.noise_variance_
为零时,更安全地使用协方差矩阵的逆来计算精度。 #22300 由 Meekail Zain 贡献,以及 #15948 由 @sysuresh 贡献。Fix 在调用
fit
或fit_transform
时,decomposition.PCA
的峰值内存使用量大幅减少。 #22553 由 Meekail Zain 贡献。API Change
decomposition.FastICA
现在支持白化时的单位方差。
其 whiten
参数的默认值将从 True
(其行为类似于 'arbitrary-variance'
)在版本 1.3 中更改为 'unit-variance'
。#19490 由 Facundo Ferrin 和 Julien Jerphanion 贡献。
sklearn.discriminant_analysis
#
Enhancement 为
discriminant_analysis.LinearDiscriminantAnalysis
添加了 get_feature_names_out 。#22120 由 Thomas Fan 贡献。Fix
discriminant_analysis.LinearDiscriminantAnalysis
现在使用了正确的方差缩放系数,这可能导致不同的模型行为。#15984 由 Okon Samuel 贡献,#22696 由 Meekail Zain 贡献。
sklearn.dummy
#
Fix
dummy.DummyRegressor
在fit
过程中不再覆盖constant
参数。#22486 由 Thomas Fan 贡献。
sklearn.ensemble
#
Major Feature 为
ensemble.HistGradientBoostingRegressor
添加了额外的选项loss="quantile"
用于建模分位数。分位数水平可以通过新的参数quantile
指定。#21800 和 #20567 由 Christian Lorentzen 贡献。Efficiency
ensemble.GradientBoostingClassifier
和ensemble.GradientBoostingRegressor
的fit
方法现在在非初始热启动运行时调用utils.check_array
并设置参数force_all_finite=False
,因为之前已经检查过了。#22159 由 Geoffrey Paris 贡献。Enhancement
ensemble.HistGradientBoostingClassifier
在二分类和多分类问题上更快,这得益于新的私有损失函数模块。#20811 、#20567 和 #21814 由 Christian Lorentzen 贡献。Enhancement 添加了对使用预拟合模型与
cv="prefit"
的支持。 在ensemble.StackingClassifier
和ensemble.StackingRegressor
中。 #16748 由 Siqi He 和 #22215 由 Meekail Zain 提交。Enhancement
ensemble.RandomForestClassifier
和ensemble.ExtraTreesClassifier
新增了criterion="log_loss"
,该选项 等同于criterion="entropy"
。 #23047 由 Christian Lorentzen 提交。Enhancement 为
ensemble.VotingClassifier
、ensemble.VotingRegressor
、ensemble.StackingClassifier
和ensemble.StackingRegressor
添加了 get_feature_names_out 。 #22695 和 #22697 由 Thomas Fan 提交。Enhancement
ensemble.RandomTreesEmbedding
现在有一个包含树索引和叶索引的 信息性 get_feature_names_out 函数。 #21762 由 Zhehao Liu 和 Thomas Fan 提交。Efficiency 在多进程设置中,拟合
ensemble.RandomForestClassifier
、ensemble.RandomForestRegressor
、ensemble.ExtraTreesClassifier
、ensemble.ExtraTreesRegressor
和ensemble.RandomTreesEmbedding
现在更快,尤其是在启用warm_start
的后续拟合中。 #22106 由 Pieter Gijsbers 提交。Fix 更改了
ensemble.GradientBoostingClassifier
和ensemble.GradientBoostingRegressor
中的参数validation_fraction
, 如果传入的参数不是浮点数,则会引发错误。 #21632 由 Genesis Valencia 提交。Fix 在 CPU 资源使用受限的情况下,例如在 Docker 容器中使用 cgroups 配额时, 移除了
ensemble.HistGradientBoostingClassifier
和ensemble.HistGradientBoostingRegressor
中可能导致 CPU 过度订阅的潜在来源。 #22566 由 Jérémie du Boisberranger 提交。Fix
ensemble.HistGradientBoostingClassifier
和ensemble.HistGradientBoostingRegressor
在启用early_stopping
并使用非默认scoring
参数拟合 pandas DataFrame 时不再发出警告。#22908 由 Thomas Fan 贡献。Fix 修复了
ensemble.StackingClassifier
和ensemble.StackingRegressor
的 HTML 表示。#23097 由 Thomas Fan 贡献。API Change
ensemble.GradientBoostingClassifier
和ensemble.GradientBoostingRegressor
的loss_
属性已被弃用,并将在版本 1.3 中移除。 #23079 由 Christian Lorentzen 贡献。API Change 将
ensemble.RandomForestRegressor
的max_features
默认值更改为 1.0,并将ensemble.RandomForestClassifier
的默认值更改为"sqrt"
。请注意,这些更改与之前的拟合结果相同,但更易于理解。旧的默认值"auto"
已被弃用,并将在版本 1.3 中移除。同样的变化也适用于ensemble.ExtraTreesRegressor
和ensemble.ExtraTreesClassifier
。 #20803 由 Brian Sun 贡献。Efficiency 通过跳过重复的输入检查,提高了
ensemble.IsolationForest
的运行时性能。#23149 由 Zhehao Liu 贡献。
sklearn.feature_extraction
#
Feature
feature_extraction.FeatureHasher
现在支持 PyPy。 #23023 由 Thomas Fan 贡献。Fix
feature_extraction.FeatureHasher
现在在transform
中验证输入参数,而不是在__init__
中。#21573 由 Hannah Bohle 和 Maren Westermann 贡献。Fix
feature_extraction.text.TfidfVectorizer
现在不会在__init__
中创建feature_extraction.text.TfidfTransformer
,这是我们 API 所要求的。 #21832 由 Guillaume Lemaitre 贡献。
sklearn.feature_selection
#
Feature 为
feature_selection.SequentialFeatureSelector
添加了自动模式。 如果参数n_features_to_select
为'auto'
,则选择特征直到分数改进不超过参数tol
。n_features_to_select
的默认值在 1.1 版本中从None
改为'warn'
,并将在 1.3 版本中变为'auto'
。None
和'warn'
将在 1.3 版本中移除。#20145 由 murata-yu 贡献。Feature 增加了向
feature_selection.SelectFromModel
的max_features
参数传递可调用对象的能力。 同时引入了新的属性max_features_
,该属性在fit
过程中根据max_features
和数据推断得出。 如果max_features
是整数,则max_features_ = max_features
。 如果max_features
是可调用对象,则max_features_ = max_features(X)
。 #22356 由 Meekail Zain 贡献。Enhancement
feature_selection.GenericUnivariateSelect
保留了 float32 数据类型。 #18482 由 Thierry Gameiro 和 Daniel Kharsa 贡献, 以及 #22370 由 Meekail Zain 贡献。Enhancement 为
feature_selection.f_regression
和feature_selection.r_regression
添加了参数force_finite
。 该参数允许在特征或目标为常数或特征与目标完全相关(仅适用于 F 统计量)的情况下强制输出为有限值。 #17819 由 Juan Carlos Alfaro Jiménez 贡献。Efficiency 提高了
feature_selection.chi2
处理布尔数组时的运行时性能。 #22235 由 Thomas Fan 贡献。Efficiency 减少了
feature_selection.chi2
的内存使用。 #21837 由 Louis Wagner 贡献。
sklearn.gaussian_process
#
Fix
gaussian_process.GaussianProcessRegressor
的predict
和sample_y
方法现在返回
在单目标和多目标情况下,以及对于 normalize_y=False
和 normalize_y=True
两种情况,数组的正确形状。
#22199 由 Guillaume Lemaitre 、
Aidar Shakerimoff 和
Tenavi Nakamura-Zimmerer 贡献。
Fix
gaussian_process.GaussianProcessClassifier
如果在kernel
中传递CompoundKernel
,会引发更详细的信息错误。 #22223 由 MarcoM 贡献。
sklearn.impute
#
Enhancement
impute.SimpleImputer
现在会在训练集中由于缺乏任何观测值而被跳过的特征名称时发出警告。 #21617 由 Christian Ritter 贡献。Enhancement 增加了对
pd.NA
在impute.SimpleImputer
中的支持。 #21114 由 Ying Xiong 贡献。Enhancement 为
impute.SimpleImputer
、impute.KNNImputer
、impute.IterativeImputer
和impute.MissingIndicator
添加了 get_feature_names_out 。 #21078 由 Thomas Fan 贡献。API Change
impute.SimpleImputer
的verbose
参数已被弃用。 在移除空列时总是会发出警告。 #21448 由 Oleh Kozynets 和 Christian Ritter 贡献。
sklearn.inspection
#
Feature 添加了一个显示,通过使用方法
inspection.DecisionBoundaryDisplay.from_estimator
绘制分类器的决策边界。 #16061 由 Thomas Fan 贡献。Enhancement 在
inspection.PartialDependenceDisplay.from_estimator
中,允许kind
接受一个字符串列表,以指定每种特征交互的绘图类型。 #19438 由 Guillaume Lemaitre 贡献。Enhancement
inspection.PartialDependenceDisplay.from_estimator
、inspection.PartialDependenceDisplay.plot
和
inspection.plot_partial_dependence
现在支持绘制中心化的个体条件期望(cICE)和中心化的PDP曲线,通过设置参数centered
来控制。
#18310 由 Johannes Elfner 和 Guillaume Lemaitre 贡献。
sklearn.isotonic
#
Enhancement 为
isotonic.IsotonicRegression
添加了 get_feature_names_out 。 #22249 由 Thomas Fan 贡献。
sklearn.kernel_approximation
#
sklearn.linear_model
#
Feature
linear_model.ElasticNet
、linear_model.ElasticNetCV
、linear_model.Lasso
和linear_model.LassoCV
支持稀疏输入X
的sample_weight
。 #22808 由 Christian Lorentzen 贡献。Feature 使用
solver="lsqr"
的linear_model.Ridge
现在支持在fit_intercept=True
时拟合稀疏输入。 #22950 由 Christian Lorentzen 贡献。Enhancement
linear_model.QuantileRegressor
支持基于高阶求解器的稀疏输入。 #21086 由 Venkatachalam Natchiappan 贡献。 此外,这些求解器现在从一开始就使用CSC矩阵,从而加快了拟合速度。 #22206 由 Christian Lorentzen 贡献。Enhancement
linear_model.LogisticRegression
对于solvers="lbfgs"
和solver="newton-cg"
更快,特别是在二分类和多分类问题上,这得益于新的私有损失函数模块。在多分类 在这种情况下,由于目标现在是标签编码(映射为整数)而不是标签二值化(独热编码),这些求解器的内存消耗也减少了。类别越多,受益越大。#21808 , #20567 和 #21814 由 Christian Lorentzen 贡献。Enhancement
linear_model.GammaRegressor
,linear_model.PoissonRegressor
和linear_model.TweedieRegressor
对于solvers="lbfgs"
更快。 #22548 , #21808 和 #20567 由 Christian Lorentzen 贡献。Enhancement 在
linear_model.RANSACRegressor
中将参数base_estimator
重命名为estimator
,以提高可读性和一致性。base_estimator
已弃用,将在 1.3 版本中移除。 #22062 由 Adrian Trujillo 贡献。Enhancement
linear_model.ElasticNet
和 使用坐标下降法的其他线性模型类在产生非有限参数权重时显示错误消息。#22148 由 Christian Ritter 和 Norbert Preining 贡献。Enhancement
linear_model.ElasticNet
和linear_model.Lasso
现在在传递l1_ratio
,alpha
,max_iter
和tol
的无效值时引发一致的错误消息。 #22240 由 Arturo Amor 贡献。Enhancement
linear_model.BayesianRidge
和linear_model.ARDRegression
现在保留 float32 数据类型。#9087 由 Arthur Imbert 贡献,#22525 由 Meekail Zain 贡献。Enhancement
linear_model.RidgeClassifier
现在支持多标签分类。 #19689 由 Guillaume Lemaitre 贡献。Enhancement
linear_model.RidgeCV
和linear_model.RidgeClassifierCV
现在在传递alphas
的无效值时引发一致的错误消息。 #21606 由 Arturo Amor 贡献。Enhancement
linear_model.Ridge
和linear_model.RidgeClassifier
现在在传递无效的alpha
、max_iter
和tol
值时会引发一致的错误消息。 #21341 由 Arturo Amor 贡献。Enhancement
linear_model.orthogonal_mp_gram
保留numpy.float32
的数据类型。 #22002 由 Takeshi Oura 贡献。Fix
linear_model.LassoLarsIC
现在正确计算 AIC 和 BIC。当n_features > n_samples
且未提供噪声方差时,现在会引发错误。 #21481 由 Guillaume Lemaitre 和 Andrés Babino 贡献。Fix
linear_model.TheilSenRegressor
现在在fit
方法中验证输入参数max_subpopulation
,而不是在__init__
中。 #21767 由 Maren Westermann 贡献。Fix
linear_model.ElasticNetCV
现在在l1_ratio=0
时产生正确的警告。 #21724 由 Yar Khine Phyo 贡献。Fix
linear_model.LogisticRegression
和linear_model.LogisticRegressionCV
现在设置n_iter_
属性时,其形状符合文档字符串,并且在 one-vs-rest 设置中与其他求解器一致。以前,它只会记录每个二元子问题迭代次数的最大值,而现在会记录所有这些值。#21998 由 Olivier Grisel 贡献。Fix
linear_model.TweedieRegressor
的family
属性不再在__init__
中进行验证。相反,这个(私有)属性在linear_model.GammaRegressor
、linear_model.PoissonRegressor
和linear_model.TweedieRegressor
中被弃用,并将在 1.3 版本中移除。#22548 由 Christian Lorentzen 贡献。Fix
linear_model.LinearRegression
的coef_
和intercept_
属性现在在存在 当输入为稀疏时,样本权重的处理。 #22891 由 Jérémie du Boisberranger 贡献。Fix 当输入为稀疏时,使用
solver="sparse_cg"
和solver="lbfgs"
的linear_model.Ridge
的coef_
和intercept_
属性现在能正确计算样本权重。 #22899 由 Jérémie du Boisberranger 贡献。Fix
linear_model.SGDRegressor
和linear_model.SGDClassifier
现在能在启用早期停止时正确计算验证误差。 #23256 由 Zhehao Liu 贡献。API Change
linear_model.LassoLarsIC
现在公开了noise_variance
作为参数,以便提供噪声方差的估计。 这在n_features > n_samples
且无法计算噪声方差估计时特别相关。 #21481 由 Guillaume Lemaitre 贡献。
sklearn.manifold
#
Feature
manifold.Isomap
现在通过radius
参数支持基于半径的邻居。 #19794 由 Zhehao Liu 贡献。Enhancement
manifold.spectral_embedding
和manifold.SpectralEmbedding
支持np.float32
数据类型并会保留此数据类型。 #21534 由 Andrew Knyazev 贡献。Enhancement 为
manifold.Isomap
和manifold.LocallyLinearEmbedding
添加了 get_feature_names_out 。 #22254 由 Thomas Fan 贡献。Enhancement 在
manifold.TSNE
构造函数中添加了metric_params
,用于在优化中使用的距离度量的附加参数。 #21805 由 Jeanne Dionisi 和 #22685 由 Meekail Zain 贡献。Enhancement
manifold.trustworthiness
在n_neighbours >= n_samples / 2
时引发错误,以确保函数正确支持。 #18832 由 Hong Shao Yang 和 #23033 由
Fix
manifold.spectral_embedding
现在使用高斯分布而不是之前的均匀分布在 [0, 1] 上的随机初始近似特征向量,以提高lobpcg
和amg
的数值稳定性。#21565 由 Andrew Knyazev 贡献。
sklearn.metrics
#
Feature
metrics.r2_score
和metrics.explained_variance_score
新增了force_finite
参数。将此参数设置为False
将在完美预测或常数y_true
情况下返回实际的非有限分数,而不是默认返回的有限近似值(分别为1.0
和0.0
)。#17266 由 Sylvain Marié 贡献。Feature
metrics.d2_pinball_score
和metrics.d2_absolute_error_score
计算了针对分位数损失和绝对误差的 \(D^2\) 回归分数。metrics.d2_absolute_error_score
是metrics.d2_pinball_score
的一个特例,固定分位数参数alpha=0.5
,以方便使用和发现。\(D^2\) 分数是r2_score
的泛化,可以解释为解释的偏差比例。#22118 由 Ohad Michel 贡献。Enhancement
metrics.top_k_accuracy_score
在y_true
为二值且y_score
为二维时,提升了错误消息。#22284 由 Thomas Fan 贡献。Enhancement
metrics.roc_auc_score
现在在多类情况下支持average=None
当multiclass='ovr'
时,将返回每个类的分数。#19158 由 Nicki Skafte 贡献。Enhancement 在
metrics.ConfusionMatrixDisplay.from_estimator
、metrics.ConfusionMatrixDisplay.from_predictions
和metrics.ConfusionMatrixDisplay.plot
中添加了im_kw
参数。im_kw
参数被传递
在绘制混淆矩阵时,对 matplotlib.pyplot.imshow
调用进行了调整。
#20753 由 Thomas Fan 提交。
Fix
metrics.silhouette_score
现在支持预计算距离的整数输入。 #22108 由 Thomas Fan 提交。Fix 修复了
metrics.normalized_mutual_info_score
中的一个错误,该错误可能导致返回无界值。 #22635 由 Jérémie du Boisberranger 提交。Fix 修复了当真实标签全为负时,
metrics.precision_recall_curve
和metrics.average_precision_score
的问题。 #19085 由 Varun Agrawal 提交。API Change
metrics.SCORERS
现已弃用,并将在 1.3 版本中移除。请使用metrics.get_scorer_names
来检索所有可用评分器的名称。 #22866 由 Adrin Jalali 提交。API Change
metrics.mean_absolute_percentage_error
的参数sample_weight
和multioutput
现在仅支持关键字参数,与 SLEP009 一致。 引入了弃用周期。 #21576 由 Paul-Emile Dugnat 提交。API Change
metrics.DistanceMetric
的"wminkowski"
度量已弃用,并将在 1.3 版本中移除。取而代之的是现有的"minkowski"
度量现在接受一个可选的w
参数作为权重。这一弃用旨在与 SciPy 1.8 约定保持一致。 #21873 由 Yar Khine Phyo 提交。API Change
metrics.DistanceMetric
已从sklearn.neighbors
移动到sklearn.metrics
。 使用neighbors.DistanceMetric
进行导入仍然有效,以保持向后兼容性,但此别名将在 1.3 版本中移除。 #21177 由 Julien Jerphanion 提交。
sklearn.mixture
#
Enhancement
mixture.GaussianMixture
和mixture.BayesianGaussianMixture
现在可以使用
k-means++ 和随机数据点。#20408 由 Gordon Walsh 、Alberto Ceballos 和 Andres Rios 贡献。
Fix 修复了一个错误,当提供
precisions_init
时,正确初始化mixture.GaussianMixture
中的precisions_cholesky_
,通过取其平方根。#22058 由 Guillaume Lemaitre 贡献。Fix
mixture.GaussianMixture
现在更安全地归一化weights_
,防止在调用mixture.GaussianMixture.sample
时出现舍入错误,当n_components=1
时。#23034 由 Meekail Zain 贡献。
sklearn.model_selection
#
Enhancement 现在可以将
scoring="matthews_corrcoef"
传递给所有带有scoring
参数的模型选择工具,以使用 Matthews 相关系数(MCC)。#22203 由 Olivier Grisel 贡献。Enhancement 在交叉验证期间,当所有分区的拟合都失败时,会引发错误。类似地,在网格搜索期间,当所有模型和所有分区的拟合都失败时,会引发错误。#21026 由 Loïc Estève 贡献。
Fix
model_selection.GridSearchCV
、model_selection.HalvingGridSearchCV
现在在fit
中验证输入参数,而不是在__init__
中。#21880 由 Mrinal Tyagi 贡献。Fix
model_selection.learning_curve
现在支持带有回归器的partial_fit
。#22982 由 Thomas Fan 贡献。
sklearn.multiclass
#
Enhancement
multiclass.OneVsRestClassifier
现在支持verbose
参数,以便可以看到拟合进度。#22508 由 Chris Combs 贡献。Fix
multiclass.OneVsOneClassifier.predict
在内部分类器只有 predict_proba 时返回正确的预测。#22604 由 Thomas Fan 贡献。
sklearn.neighbors
#
Enhancement 为
neighbors.RadiusNeighborsTransformer
、neighbors.KNeighborsTransformer
和neighbors.NeighborhoodComponentsAnalysis
添加了 get_feature_names_out 。#22212 由 Meekail Zain 贡献。Fix
neighbors.KernelDensity
现在在fit
方法中验证输入参数, 而不是在__init__
中。#21430 由 Desislava Vasileva 和 Lucy Jimenez 贡献。Fix
neighbors.KNeighborsRegressor.predict
现在在给定类数组输入时 能够正常工作,前提是KNeighborsRegressor
首先使用传递给weights
参数的可调用对象构造。 #22687 由 Meekail Zain 贡献。
sklearn.neural_network
#
Enhancement
neural_network.MLPClassifier
和neural_network.MLPRegressor
在优化器产生非有限参数权重时显示错误消息。 #22150 由 Christian Ritter 和 Norbert Preining 贡献。Enhancement 为
neural_network.BernoulliRBM
添加了 get_feature_names_out 。 #22248 由 Thomas Fan 贡献。
sklearn.pipeline
#
Enhancement 在
pipeline.FeatureUnion
中增加了对 “passthrough” 的支持。 将转换器设置为 “passthrough” 将使特征保持不变。 #20860 由 Shubhraneel Pal 贡献。Fix
pipeline.Pipeline
现在不在__init__
中验证超参数,而是在.fit()
中验证。 #21888 由 iofall 和 Arisa Y. 贡献。Fix
pipeline.FeatureUnion
不在__init__
中验证超参数。 验证现在在.fit()
和.fit_transform()
中处理。 #21954 由 iofall 和 Arisa Y. 贡献。Fix 在
pipeline.FeatureUnion
中定义了__sklearn_is_fitted__
, 以便与utils.validation.check_is_fitted
返回正确的结果。
#22953 由 randomgeek78 提交。
sklearn.preprocessing
#
Feature
preprocessing.OneHotEncoder
现在支持将不频繁的类别分组为一个特征。通过指定如何选择不频繁的类别(使用min_frequency
或max_categories
)来启用分组不频繁的类别。#16018 由 Thomas Fan 提交。Enhancement 为
preprocessing.KBinsDiscretizer
添加了subsample
参数。这允许在拟合模型时指定要使用的最大样本数。该选项仅在strategy
设置为quantile
时可用。#21445 由 Felipe Bidu 和 Amanda Dsouza 提交。Enhancement 为
preprocessing.OrdinalEncoder
添加了encoded_missing_value
,用于配置缺失数据的编码值。#21988 由 Thomas Fan 提交。Enhancement 为
preprocessing.FunctionTransformer
添加了get_feature_names_out
方法和一个新的参数feature_names_out
。你可以将feature_names_out
设置为 ‘one-to-one’ 以使用输入特征名称作为输出特征名称,或者将其设置为一个返回输出特征名称的可调用对象。这在变换器改变特征数量时特别有用。如果feature_names_out
为 None(默认值),则get_output_feature_names
未定义。#21569 由 Aurélien Geron 提交。Enhancement 为
preprocessing.Normalizer
、preprocessing.KernelCenterer
、preprocessing.OrdinalEncoder
和preprocessing.Binarizer
添加了 get_feature_names_out 。#21079 由 Thomas Fan 提交。Fix 使用
method='yeo-johnson'
的preprocessing.PowerTransformer
在搜索最佳 lambda 时更好地支持显著非高斯数据。#20653 由 Thomas Fan 提交。Fix
preprocessing.LabelBinarizer
现在验证输入参数。
fit
而不是__init__
。
#21434 由 Krum Arnaudov 提供。
Fix
preprocessing.FunctionTransformer
在check_inverse=True
时,当输入具有混合数据类型时,现在提供信息性的错误消息。#19916 由 Zhehao Liu 提供。Fix
preprocessing.KBinsDiscretizer
现在更一致地处理 bin 边缘。#14975 由 Andreas Müller 和 #22526 由 Meekail Zain 提供。Fix 添加了
preprocessing.KBinsDiscretizer.get_feature_names_out
支持,当encode="ordinal"
时。#22735 由 Thomas Fan 提供。
sklearn.random_projection
#
Enhancement 为
random_projection.GaussianRandomProjection
和random_projection.SparseRandomProjection
添加了inverse_transform
方法和一个compute_inverse_transform
参数。当该参数设置为 True 时,在fit
期间计算组件的伪逆并存储为inverse_components_
。#21701 由 Aurélien Geron 提供。Enhancement
random_projection.SparseRandomProjection
和random_projection.GaussianRandomProjection
保留了numpy.float32
的数据类型。#22114 由 Takeshi Oura 提供。Enhancement 为
sklearn.random_projection
模块中的所有转换器添加了 get_feature_names_out :random_projection.GaussianRandomProjection
和random_projection.SparseRandomProjection
。#21330 由 Loïc Estève 提供。
sklearn.svm
#
Enhancement
svm.OneClassSVM
、svm.NuSVC
、svm.NuSVR
、svm.SVC
和svm.SVR
现在公开了n_iter_
,即 libsvm 优化例程的迭代次数。#21408 由 Juan Martín Loyola 提供。Enhancement
svm.SVR
、svm.SVC
、svm.NuSVR
、svm.OneClassSVM
、svm.NuSVC
现在会引发错误
当双间隙估计产生非有限参数权重时。 #22149 由 Christian Ritter 和 Norbert Preining 贡献。
Fix
svm.NuSVC
,svm.NuSVR
,svm.SVC
,svm.SVR
,svm.OneClassSVM
现在在fit
方法中验证输入 参数,而不是在__init__
中。 #21436 由 Haidar Almubarak 贡献。
sklearn.tree
#
Enhancement
tree.DecisionTreeClassifier
和tree.ExtraTreeClassifier
新增了criterion="log_loss"
,它等同于criterion="entropy"
。 #23047 由 Christian Lorentzen 贡献。Fix 修复了
tree.DecisionTreeRegressor
中泊松分裂准则的一个错误。 #22191 由 Christian Lorentzen 贡献。API Change 更改了
tree.ExtraTreeRegressor
的max_features
默认值为 1.0, 以及tree.ExtraTreeClassifier
的max_features
默认值为"sqrt"
,这将不会改变拟合结果。 原始默认值"auto"
已被弃用,并将在版本 1.3 中移除。 为tree.DecisionTreeClassifier
和tree.DecisionTreeRegressor
设置max_features
为"auto"
也已被弃用。 #22476 由 Zhehao Liu 贡献。
sklearn.utils
#
Enhancement
utils.check_array
和utils.multiclass.type_of_target
现在接受一个input_name
参数,以便在传递无效输入数据(例如包含 NaN 或无限值)时提供更具信息性的错误消息。 #21219 由 Olivier Grisel 贡献。Enhancement
utils.check_array
在传递包含pd.NA
的Float32
或Float64
pandas 扩展数组时返回一个包含np.nan
的浮点型 ndarray。 #21278 由 Thomas Fan 贡献。Enhancement
utils.estimator_html_repr
在运行于未受信任的 Jupyter 笔记本时显示更具帮助性的错误消息。 #21316 由 Thomas Fan 提供。Enhancement
utils.estimator_html_repr
在 HTML 表示的左上角显示一个箭头,以显示元素是可点击的。#21298 由 Thomas Fan 提供。Enhancement 当传入具有混合数据类型的 pandas DataFrame 时,
utils.check_array
在dtype=None
的情况下返回数值数组。dtype="numeric"
也会在 DataFrame 具有混合数据类型时更好地推断数据类型。#22237 由 Thomas Fan 提供。Enhancement
utils.check_scalar
现在在显示类型时具有更好的消息。#22218 由 Thomas Fan 提供。Fix 当 y 为 None 时,
utils.check_X_y
引发的ValidationError
的错误消息已更改,以便与check_requires_y_none
估计器检查兼容。#22578 由 Claudio Salvatore Arcidiacono 提供。Fix
utils.class_weight.compute_class_weight
现在仅要求y
中的所有类别在class_weight
中都有一个权重。当y
中存在一个类别但不在class_weight
中时,仍会引发错误。#22595 由 Thomas Fan 提供。Fix
utils.estimator_html_repr
对嵌套的元估计器有改进的视觉效果。#21310 由 Thomas Fan 提供。Fix 当
include_boundaries={"left", "right"}
且边界未设置时,utils.check_scalar
会引发错误。#22027 由 Marie Lanternier 提供。Fix
utils.metaestimators.available_if
正确返回一个可以被序列化的绑定方法。#23077 由 Thomas Fan 提供。API Change
utils.estimator_checks.check_estimator
的参数现在称为estimator
(之前的名称是Estimator
)。#22188 由 Mathurin Massias 提供。API Change
utils.metaestimators.if_delegate_has_method
已弃用,并将在版本 1.3 中移除。请改用utils.metaestimators.available_if
。#22830 由 Jérémie du Boisberranger 提供。
代码和文档贡献者
感谢自版本1.0以来为项目的维护和改进做出贡献的每一个人,包括:
2357juan, Abhishek Gupta, adamgonzo, Adam Li, adijohar, Aditya Kumawat, Aditya Raghuwanshi, Aditya Singh, Adrian Trujillo Duron, Adrin Jalali, ahmadjubair33, AJ Druck, aj-white, Alan Peixinho, Alberto Mario Ceballos-Arroyo, Alek Lefebvre, Alex, Alexandr, Alexandre Gramfort, alexanmv, almeidayoel, Amanda Dsouza, Aman Sharma, Amar pratap singh, Amit, amrcode, András Simon, Andreas Grivas, Andreas Mueller, Andrew Knyazev, Andriy, Angus L’Herrou, Ankit Sharma, Anne Ducout, Arisa, Arth, arthurmello, Arturo Amor, ArturoAmor, Atharva Patil, aufarkari, Aurélien Geron, avm19, Ayan Bag, baam, Bardiya Ak, Behrouz B, Ben3940, Benjamin Bossan, Bharat Raghunathan, Bijil Subhash, bmreiniger, Brandon Truth, Brenden Kadota, Brian Sun, cdrig, Chalmer Lowe, Chiara Marmo, Chitteti Srinath Reddy, Chloe-Agathe Azencott, Christian Lorentzen, Christian Ritter, christopherlim98, Christoph T. Weidemann, Christos Aridas, Claudio Salvatore Arcidiacono, combscCode, Daniela Fernandes, darioka, Darren Nguyen, Dave Eargle, David Gilbertson, David Poznik, Dea María Léon, Dennis Osei, DessyVV, Dev514, Dimitri Papadopoulos Orfanos, Diwakar Gupta, Dr. Felix M. Riese, drskd, Emiko Sano, Emmanouil Gionanidis, EricEllwanger, Erich Schubert, Eric Larson, Eric Ndirangu, ErmolaevPA, Estefania Barreto-Ojeda, eyast, Fatima GASMI, Federico Luna, Felix Glushchenkov, fkaren27, Fortune Uwha, FPGAwesome, francoisgoupil, Frans Larsson, ftorres16, Gabor Berei, Gabor Kertesz, Gabriel Stefanini Vicente, Gabriel S Vicente, Gael Varoquaux, GAURAV CHOUDHARY, Gauthier I, genvalen, Geoffrey-Paris, Giancarlo Pablo, glennfrutiz, gpapadok, Guillaume Lemaitre, Guillermo Tomás Fernández Martín, Gustavo Oliveira, Haidar Almubarak, Hannah Bohle, Hansin Ahuja, Haoyin Xu, Haya, Helder Geovane Gomes de Lima, henrymooresc, Hideaki Imamura, Himanshu Kumar, Hind-M, hmasdev, hvassard, i-aki-y, iasoon, Inclusive Coding Bot, Ingela, iofall, Ishan Kumar, Jack Liu, Jake Cowton, jalexand3r, J Alexander, Jauhar, Jaya Surya Kommireddy, Jay Stanley, Jeff Hale, je-kr, JElfner, Jenny Vo, Jérémie du Boisberranger, Jihane, Jirka Borovec, Joel Nothman, Jon Haitz Legarreta Gorroño, Jordan Silke, Jorge Ciprián, Jorge Loayza, Joseph Chazalon, Joseph Schwartz-Messing, Jovan Stojanovic, JSchuerz, Juan Carlos Alfaro Jiménez, Juan Martin Loyola, Julien Jerphanion, katotten, Kaushik Roy Chowdhury, Ken4git, Kenneth Prabakaran, kernc, Kevin Doucet, KimAYoung, Koushik Joshi, Kranthi Sedamaki, krishna kumar, krumetoft, lesnee, Lisa Casino, Logan Thomas, Loic Esteve, Louis Wagner, LucieClair, Lucy Liu, Luiz Eduardo Amaral, Magali, MaggieChege, Mai, mandjevant, Mandy Gu, Manimaran, MarcoM, Marco Wurps, Maren Westermann, Maria Boerner, MarieS-WiMLDS, Martel Corentin, martin-kokos, mathurinm, Matías, matjansen, Matteo Francia, Maxwell, Meekail Zain, Megabyte, Mehrdad Moradizadeh, melemo2, Michael I Chen, michalkrawczyk, Micky774, milana2, millawell, Ming-Yang Ho, Mitzi, miwojc, Mizuki, mlant, Mohamed Haseeb, Mohit Sharma, Moonkyung94, mpoemsl, MrinalTyagi, Mr. Leu, msabatier, murata-yu, N, Nadirhan Şahin, Naipawat Poolsawat, NartayXD, nastegiano, nathansquan, nat-salt, Nicki Skafte Detlefsen, Nicolas Hug, Niket Jain, Nikhil Suresh, Nikita Titov, Nikolay Kondratyev, Ohad Michel, Oleksandr Husak, Olivier Grisel, partev, Patrick Ferreira, Paul, pelennor, PierreAttard, Piet Brömmel, Pieter Gijsbers, Pinky, poloso, Pramod Anantharam, puhuk, Purna Chandra Mansingh, QuadV, Rahil Parikh, Randall Boyes, randomgeek78, Raz Hoshia, Reshama Shaikh, Ricardo Ferreira, Richard Taylor, Rileran, Rishabh, Robin Thibaut, Rocco Meli, Roman Feldbauer, Roman Yurchak, Ross Barnowski, rsnegrin, Sachin Yadav, sakinaOuisrani, Sam Adam Day, Sanjay Marreddi, Sebastian Pujalte, SEELE, SELEE, Seyedsaman (Sam) Emami, ShanDeng123, Shao Yang Hong, sharmadharmpal, shaymerNaturalint, Shuangchi He, Shubhraneel Pal, siavrez, slishak, Smile, spikebh, sply88, Srinath Kailasa, Stéphane Collot, Sultan Orazbayev, Sumit Saha, Sven Eschlbeck, Sven Stehle, Swapnil Jha, Sylvain Marié, Takeshi Oura, Tamires Santana, Tenavi, teunpe, Theis Ferré Hjortkjær, Thiruvenkadam, Thomas J. Fan, t-jakubek, toastedyeast, Tom Dupré la Tour, Tom McTiernan, TONY GEORGE, Tyler Martin, Tyler Reddy, Udit Gupta, Ugo Marchand, Varun Agrawal, Venkatachalam N, Vera Komeyer, victoirelouis, Vikas Vishwakarma, Vikrant khedkar, Vladimir Chernyy, Vladimir Kim, WeijiaDu, Xiao Yuan, Yar Khine Phyo, Ying Xiong, yiyangq, Yosshi999, Yuki Koyama, Zach Deane-Mayer, Zeel B Patel, zempleni, zhenfisher, 赵丰 (Zhao Feng)