LassoLars#

class sklearn.linear_model.LassoLars(alpha=1.0, *, fit_intercept=True, verbose=False, precompute='auto', max_iter=500, eps=np.float64(2.220446049250313e-16), copy_X=True, fit_path=True, positive=False, jitter=None, random_state=None)#

Lasso模型使用最小角回归进行拟合,即Lars。

它是一个线性模型,使用L1先验作为正则化项进行训练。

Lasso的优化目标为:

(1 / (2 * n_samples)) * ||y - Xw||^2_2 + alpha * ||w||_1

更多信息请参阅 用户指南

Parameters:
alphafloat, default=1.0

乘以惩罚项的常数。默认为1.0。 alpha = 0 等同于普通最小二乘法,由 LinearRegression 解决。出于数值原因,不建议在LassoLars对象中使用 alpha = 0 ,你应该更倾向于使用LinearRegression对象。

fit_interceptbool, default=True

是否计算此模型的截距。如果设置为false,则在计算中不使用截距(即数据应已中心化)。

verbosebool or int, default=False

设置详细程度。

precomputebool, ‘auto’ or array-like, default=’auto’

是否使用预计算的Gram矩阵以加速计算。如果设置为 'auto' ,则由我们决定。Gram矩阵也可以作为参数传递。

max_iterint, default=500

执行的最大迭代次数。

epsfloat, default=np.finfo(float).eps

在计算Cholesky对角因子时,机器精度正则化。对于非常病态的系统,增加此值。与某些基于迭代优化的算法中的 tol 参数不同,此参数不控制优化的容差。

copy_Xbool, default=True

如果为True,将复制X;否则,可能会被覆盖。

fit_pathbool, default=True

如果为 True ,则完整路径将存储在 coef_path_ 属性中。如果你计算大问题或许多目标的解,将 fit_path 设置为 False 将导致加速,特别是在alpha较小时。

positivebool, default=False

限制系数 >= 0。请注意,你可能希望删除默认设置为True的fit_intercept。在正限制下,模型系数不会收敛到普通最小二乘解,对于alpha的较小值。只有到最小alpha值(当fit_path=True时为 alphas_[alphas_ > 0.].min() )的系数通常与坐标下降Lasso估计器的解一致。

jitterfloat, default=None

添加到 y 值的均匀噪声参数的上限,以满足模型一次计算一个的假设。可能有助于稳定性。

Added in version 0.23.

random_stateint, RandomState instance or None, default=None

确定抖动时的随机数生成。为跨多次函数调用可重现输出传递一个int。请参阅 Glossary 。如果 jitter 为None,则忽略。

Added in version 0.23.

Attributes:
alphas_array-like of shape (n_alphas + 1,) or list of such arrays

每次迭代时协方差的最大绝对值。 n_alphasmax_itern_features 或路径中 alpha >= alpha_min 的节点数中的较小者。如果这是一个数组列表,外层列表的长度为 n_targets

active_list of length n_alphas or list of such lists

路径结束时活动变量的索引。如果这是一个列表的列表,外层列表的长度为 n_targets

coef_path_array-like of shape (n_features, n_alphas + 1) or list of such arrays

如果传递了一个列表,则预期为n_targets个这样的数组。沿路径变化的系数值。如果 fit_path 参数为 False ,则不存在。如果这是一个数组列表,外层列表的长度为 n_targets

coef_array-like of shape (n_features,) or (n_targets, n_features)

参数向量(公式中的w)。

intercept_float or array-like of shape (n_targets,)

决策函数中的独立项。

n_iter_array-like or int

lars_path 为每个目标找到alpha网格所需的迭代次数。

n_features_in_int

fit 期间看到的特征数。

Added in version 0.24.

feature_names_in_ndarray of shape ( n_features_in_ ,)

fit 期间看到的特征名称。仅当 X 的特征名称为所有字符串时定义。

Added in version 1.0.

See also

lars_path

使用LARS算法计算最小角回归或Lasso路径。

lasso_path

使用坐标下降法计算Lasso路径。

Lasso

使用L1先验作为正则化项训练的线性模型(即Lasso)。

LassoCV

沿正则化路径迭代拟合的Lasso线性模型。

LassoLarsCV

使用LARS算法的交叉验证Lasso。

LassoLarsIC

使用Lars并通过BIC或AIC进行模型选择的Lasso模型。

sklearn.decomposition.sparse_encode

稀疏编码。

Examples

>>> from sklearn import linear_model
>>> reg = linear_model.LassoLars(alpha=0.01)
>>> reg.fit([[-1, 1], [0, 0], [1, 1]], [-1, 0, -1])
LassoLars(alpha=0.01)
>>> print(reg.coef_)
[ 0.         -0.955...]
fit(X, y, Xy=None)#

拟合模型使用 X, y 作为训练数据。

Parameters:
X形状为 (n_samples, n_features) 的类数组

训练数据。

y形状为 (n_samples,) 或 (n_samples, n_targets) 的类数组

目标值。

Xy形状为 (n_features,) 或 (n_features, n_targets) 的类数组, 默认=None

Xy = np.dot(X.T, y) 可以预先计算。只有在预计算 Gram 矩阵时才有用。

Returns:
selfobject

返回 self 的一个实例。

get_metadata_routing()#

获取此对象的元数据路由。

请查看 用户指南 以了解路由机制的工作原理。

Returns:
routingMetadataRequest

MetadataRequest 封装的 路由信息。

get_params(deep=True)#

获取此估计器的参数。

Parameters:
deepbool, 默认=True

如果为True,将返回此估计器和包含的子对象(也是估计器)的参数。

Returns:
paramsdict

参数名称映射到它们的值。

predict(X)#

使用线性模型进行预测。

Parameters:
Xarray-like 或 sparse matrix, shape (n_samples, n_features)

样本。

Returns:
Carray, shape (n_samples,)

返回预测值。

score(X, y, sample_weight=None)#

返回预测的决定系数。

决定系数 \(R^2\) 定义为 \((1 - rac{u}{v})\) ,其中 \(u\) 是残差平方和 ((y_true - y_pred)** 2).sum() ,而 \(v\) 是总平方和 ((y_true - y_true.mean()) ** 2).sum() 。最好的可能得分是 1.0,它可能是负的(因为模型可能任意地差)。一个总是预测 y 的期望值的常数模型,忽略输入特征,将得到 \(R^2\) 得分为 0.0。

Parameters:
Xarray-like of shape (n_samples, n_features)

测试样本。对于某些估计器,这可能是一个预计算的核矩阵或一个形状为 (n_samples, n_samples_fitted) 的通用对象列表,其中 n_samples_fitted 是估计器拟合中使用的样本数量。

yarray-like of shape (n_samples,) or (n_samples, n_outputs)

X 的真实值。

sample_weightarray-like of shape (n_samples,), default=None

样本权重。

Returns:
scorefloat

\(R^2\) 相对于 yself.predict(X)

Notes

在调用回归器的 score 时使用的 \(R^2\) 得分从 0.23 版本开始使用 multioutput='uniform_average' 以保持与 r2_score 默认值一致。 这影响了所有多输出回归器的 score 方法(除了 MultiOutputRegressor )。

set_fit_request(*, Xy: bool | None | str = '$UNCHANGED$') LassoLars#

Request metadata passed to the fit method.

Note that this method is only relevant if enable_metadata_routing=True (see sklearn.set_config ). Please see User Guide on how the routing mechanism works.

The options for each parameter are:

  • True : metadata is requested, and passed to fit if provided. The request is ignored if metadata is not provided.

  • False : metadata is not requested and the meta-estimator will not pass it to fit .

  • None : metadata is not requested, and the meta-estimator will raise an error if the user provides it.

  • str : metadata should be passed to the meta-estimator with this given alias instead of the original name.

The default ( sklearn.utils.metadata_routing.UNCHANGED ) retains the existing request. This allows you to change the request for some parameters and not others.

Added in version 1.3.

Note

This method is only relevant if this estimator is used as a sub-estimator of a meta-estimator, e.g. used inside a Pipeline . Otherwise it has no effect.

Parameters:
Xystr, True, False, or None, default=sklearn.utils.metadata_routing.UNCHANGED

Metadata routing for Xy parameter in fit .

Returns:
selfobject

The updated object.

set_params(**params)#

设置此估计器的参数。

该方法适用于简单估计器以及嵌套对象(例如 Pipeline )。后者具有形式为 <component>__<parameter> 的参数,以便可以更新嵌套对象的每个组件。

Parameters:
**paramsdict

估计器参数。

Returns:
selfestimator instance

估计器实例。

set_score_request(*, sample_weight: bool | None | str = '$UNCHANGED$') LassoLars#

Request metadata passed to the score method.

Note that this method is only relevant if enable_metadata_routing=True (see sklearn.set_config ). Please see User Guide on how the routing mechanism works.

The options for each parameter are:

  • True : metadata is requested, and passed to score if provided. The request is ignored if metadata is not provided.

  • False : metadata is not requested and the meta-estimator will not pass it to score .

  • None : metadata is not requested, and the meta-estimator will raise an error if the user provides it.

  • str : metadata should be passed to the meta-estimator with this given alias instead of the original name.

The default ( sklearn.utils.metadata_routing.UNCHANGED ) retains the existing request. This allows you to change the request for some parameters and not others.

Added in version 1.3.

Note

This method is only relevant if this estimator is used as a sub-estimator of a meta-estimator, e.g. used inside a Pipeline . Otherwise it has no effect.

Parameters:
sample_weightstr, True, False, or None, default=sklearn.utils.metadata_routing.UNCHANGED

Metadata routing for sample_weight parameter in score .

Returns:
selfobject

The updated object.