人脸数据集分解#

此示例将模块 sklearn.decomposition 中的不同无监督矩阵分解(降维)方法应用于 Olivetti 人脸数据集(请参阅文档章节 将信号分解为分量(矩阵分解问题))。

# Authors: The scikit-learn developers
# SPDX-License-Identifier: BSD-3-Clause

数据集准备#

加载和预处理 Olivetti 人脸数据集。

import logging

import matplotlib.pyplot as plt
from numpy.random import RandomState

from sklearn import cluster, decomposition
from sklearn.datasets import fetch_olivetti_faces

rng = RandomState(0)

# Display progress logs on stdout
logging.basicConfig(level=logging.INFO, format="%(asctime)s %(levelname)s %(message)s")

faces, _ = fetch_olivetti_faces(return_X_y=True, shuffle=True, random_state=rng)
n_samples, n_features = faces.shape

# Global centering (focus on one feature, centering all samples)
faces_centered = faces - faces.mean(axis=0)

# Local centering (focus on one sample, centering all features)
faces_centered -= faces_centered.mean(axis=1).reshape(n_samples, -1)

print("Dataset consists of %d faces" % n_samples)
Dataset consists of 400 faces

定义一个基本函数来绘制人脸画廊。

n_row, n_col = 2, 3
n_components = n_row * n_col
image_shape = (64, 64)


def plot_gallery(title, images, n_col=n_col, n_row=n_row, cmap=plt.cm.gray):
    fig, axs = plt.subplots(
        nrows=n_row,
        ncols=n_col,
        figsize=(2.0 * n_col, 2.3 * n_row),
        facecolor="white",
        constrained_layout=True,
    )
    fig.get_layout_engine().set(w_pad=0.01, h_pad=0.02, hspace=0, wspace=0)
    fig.set_edgecolor("black")
    fig.suptitle(title, size=16)
    for ax, vec in zip(axs.flat, images):
        vmax = max(vec.max(), -vec.min())
        im = ax.imshow(
            vec.reshape(image_shape),
            cmap=cmap,
            interpolation="nearest",
            vmin=-vmax,
            vmax=vmax,
        )
        ax.axis("off")

    fig.colorbar(im, ax=axs, orientation="horizontal", shrink=0.99, aspect=40, pad=0.01)
    plt.show()

让我们看看我们的数据。灰色表示负值,白色表示正值。

plot_gallery("Faces from dataset", faces_centered[:n_components])
Faces from dataset

分解#

初始化不同的分解估计器,并在所有图像上拟合每个估计器并绘制一些结果。每个估计器提取 6 个分量作为向量 \(h \in \mathbb{R}^{4096}\)。我们只是将这些向量以 64x64 像素图像的人性化可视化方式显示出来。

用户指南 中阅读更多内容。

特征脸 - 使用随机 SVD 的 PCA#

使用数据的奇异值分解 (SVD) 进行线性降维,将其投影到较低维空间。

注意

特征脸估计器通过 sklearn.decomposition.PCA 还提供了一个标量 noise_variance_(按像素计算的方差平均值),它不能以图像形式显示。

pca_estimator = decomposition.PCA(
    n_components=n_components, svd_solver="randomized", whiten=True
)
pca_estimator.fit(faces_centered)
plot_gallery(
    "Eigenfaces - PCA using randomized SVD", pca_estimator.components_[:n_components]
)
Eigenfaces - PCA using randomized SVD

非负分量 - NMF#

估计非负原始数据作为两个非负矩阵的乘积。

nmf_estimator = decomposition.NMF(n_components=n_components, tol=5e-3)
nmf_estimator.fit(faces)  # original non- negative dataset
plot_gallery("Non-negative components - NMF", nmf_estimator.components_[:n_components])
Non-negative components - NMF

独立分量 - FastICA#

独立分量分析将多元向量分离为最大限度独立的加性子分量。

ica_estimator = decomposition.FastICA(
    n_components=n_components, max_iter=400, whiten="arbitrary-variance", tol=15e-5
)
ica_estimator.fit(faces_centered)
plot_gallery(
    "Independent components - FastICA", ica_estimator.components_[:n_components]
)
Independent components - FastICA

稀疏分量 - MiniBatchSparsePCA#

Mini-batch 稀疏 PCA (MiniBatchSparsePCA) 提取最能重建数据的稀疏分量集。此变体比类似的 SparsePCA 更快,但精度较低。

batch_pca_estimator = decomposition.MiniBatchSparsePCA(
    n_components=n_components, alpha=0.1, max_iter=100, batch_size=3, random_state=rng
)
batch_pca_estimator.fit(faces_centered)
plot_gallery(
    "Sparse components - MiniBatchSparsePCA",
    batch_pca_estimator.components_[:n_components],
)
Sparse components - MiniBatchSparsePCA

字典学习#

默认情况下,MiniBatchDictionaryLearning 将数据划分为 mini-batches,并通过在 mini-batches 上循环指定的迭代次数以在线方式进行优化。

batch_dict_estimator = decomposition.MiniBatchDictionaryLearning(
    n_components=n_components, alpha=0.1, max_iter=50, batch_size=3, random_state=rng
)
batch_dict_estimator.fit(faces_centered)
plot_gallery("Dictionary learning", batch_dict_estimator.components_[:n_components])
Dictionary learning

聚类中心 - MiniBatchKMeans#

sklearn.cluster.MiniBatchKMeans 具有计算效率,并使用 partial_fit 方法实现在线学习。这就是为什么使用 MiniBatchKMeans 来增强一些耗时算法可能是有益的。

kmeans_estimator = cluster.MiniBatchKMeans(
    n_clusters=n_components,
    tol=1e-3,
    batch_size=20,
    max_iter=50,
    random_state=rng,
)
kmeans_estimator.fit(faces_centered)
plot_gallery(
    "Cluster centers - MiniBatchKMeans",
    kmeans_estimator.cluster_centers_[:n_components],
)
Cluster centers - MiniBatchKMeans

因子分析分量 - FA#

FactorAnalysisPCA 相似,但其优点在于独立地对输入空间中每个方向的方差进行建模(异方差噪声)。在 用户指南 中阅读更多内容。

fa_estimator = decomposition.FactorAnalysis(n_components=n_components, max_iter=20)
fa_estimator.fit(faces_centered)
plot_gallery("Factor Analysis (FA)", fa_estimator.components_[:n_components])

# --- Pixelwise variance
plt.figure(figsize=(3.2, 3.6), facecolor="white", tight_layout=True)
vec = fa_estimator.noise_variance_
vmax = max(vec.max(), -vec.min())
plt.imshow(
    vec.reshape(image_shape),
    cmap=plt.cm.gray,
    interpolation="nearest",
    vmin=-vmax,
    vmax=vmax,
)
plt.axis("off")
plt.title("Pixelwise variance from \n Factor Analysis (FA)", size=16, wrap=True)
plt.colorbar(orientation="horizontal", shrink=0.8, pad=0.03)
plt.show()
  • Factor Analysis (FA)
  • Pixelwise variance from   Factor Analysis (FA)

分解:字典学习#

在接下来的部分中,让我们更精确地考虑 字典学习。字典学习是一个问题,它旨在将输入数据稀疏表示为简单元素的组合。这些简单元素构成一个字典。可以约束字典和/或编码系数为正以匹配数据中可能存在的约束。

MiniBatchDictionaryLearning 实现了字典学习算法的一个更快但精度较低的版本,更适合于大型数据集。在 用户指南 中阅读更多内容。

使用另一种颜色图绘制来自我们数据集的相同样本。红色表示负值,蓝色表示正值,白色表示零。

plot_gallery("Faces from dataset", faces_centered[:n_components], cmap=plt.cm.RdBu)
Faces from dataset

与前面的示例类似,我们更改参数并训练 MiniBatchDictionaryLearning 估计器在所有图像上。通常,字典学习和稀疏编码将输入数据分解为字典和编码系数矩阵。 \(X \approx UV\),其中 \(X = [x_1, . . . , x_n]\)\(X \in \mathbb{R}^{m×n}\),字典 \(U \in \mathbb{R}^{m×k}\),编码系数 \(V \in \mathbb{R}^{k×n}\)

下面是当字典和编码系数都受到正约束时的结果。

字典学习 - 正向字典#

在以下部分中,我们在寻找字典时强制执行正性。

dict_pos_dict_estimator = decomposition.MiniBatchDictionaryLearning(
    n_components=n_components,
    alpha=0.1,
    max_iter=50,
    batch_size=3,
    random_state=rng,
    positive_dict=True,
)
dict_pos_dict_estimator.fit(faces_centered)
plot_gallery(
    "Dictionary learning - positive dictionary",
    dict_pos_dict_estimator.components_[:n_components],
    cmap=plt.cm.RdBu,
)
Dictionary learning - positive dictionary

字典学习 - 正向代码#

下面我们约束编码系数为正矩阵。

dict_pos_code_estimator = decomposition.MiniBatchDictionaryLearning(
    n_components=n_components,
    alpha=0.1,
    max_iter=50,
    batch_size=3,
    fit_algorithm="cd",
    random_state=rng,
    positive_code=True,
)
dict_pos_code_estimator.fit(faces_centered)
plot_gallery(
    "Dictionary learning - positive code",
    dict_pos_code_estimator.components_[:n_components],
    cmap=plt.cm.RdBu,
)
Dictionary learning - positive code
/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 1.907e-06, tolerance: 4.510e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 5.341e-05, tolerance: 1.486e-06

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 7.629e-06, tolerance: 9.135e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 6.049e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 5.220e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 7.629e-06, tolerance: 1.014e-06

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 7.629e-06, tolerance: 9.130e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 5.136e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 7.629e-06, tolerance: 8.803e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 6.859e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 1.526e-05, tolerance: 9.354e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 1.907e-06, tolerance: 2.379e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 5.710e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 1.298e-06

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 7.629e-06, tolerance: 5.098e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 7.008e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 7.140e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 6.572e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 6.612e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 1.907e-06, tolerance: 3.848e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 1.907e-06, tolerance: 3.609e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 9.119e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 3.944e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 1.907e-06, tolerance: 2.830e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 6.822e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 8.025e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 5.188e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 6.567e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 6.709e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 6.725e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 4.261e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 7.240e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 1.907e-06, tolerance: 3.552e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 7.629e-06, tolerance: 1.514e-06

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 6.287e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 5.686e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 7.320e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 1.144e-05, tolerance: 1.173e-06

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 4.566e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 1.907e-06, tolerance: 5.318e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 1.907e-06, tolerance: 5.837e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 1.907e-06, tolerance: 3.638e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 1.907e-06, tolerance: 2.732e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 1.144e-05, tolerance: 8.032e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 1.144e-05, tolerance: 7.027e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 6.286e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 6.564e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 1.907e-06, tolerance: 2.428e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 1.907e-06, tolerance: 5.890e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 7.629e-06, tolerance: 7.313e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 7.629e-06, tolerance: 6.210e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 8.615e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 7.629e-06, tolerance: 7.904e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 7.629e-06, tolerance: 5.956e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 7.629e-06, tolerance: 6.345e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 6.135e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 1.907e-06, tolerance: 7.107e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 1.907e-06, tolerance: 6.383e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 8.570e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 1.907e-06, tolerance: 4.386e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 1.907e-06, tolerance: 7.082e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 1.907e-06, tolerance: 4.342e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 1.907e-06, tolerance: 4.869e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 1.907e-06, tolerance: 3.354e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 7.629e-06, tolerance: 7.919e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 1.907e-06, tolerance: 5.891e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 7.396e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 6.309e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 6.538e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 5.722e-06, tolerance: 4.625e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 8.669e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 6.518e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 6.748e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 1.907e-06, tolerance: 3.306e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 1.907e-06, tolerance: 4.026e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 7.629e-06, tolerance: 7.025e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 1.078e-06

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 5.292e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 7.611e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 6.548e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 8.016e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 7.629e-06, tolerance: 7.624e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 5.722e-06, tolerance: 3.595e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 1.144e-05, tolerance: 8.678e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 3.633e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 8.608e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 5.300e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 5.862e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 1.907e-06, tolerance: 4.080e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 8.331e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 7.629e-06, tolerance: 8.233e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 1.907e-06, tolerance: 3.956e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 2.861e-06, tolerance: 2.093e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 1.907e-06, tolerance: 3.737e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 4.176e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 1.907e-06, tolerance: 2.861e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 7.629e-06, tolerance: 1.003e-06

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 1.907e-06, tolerance: 4.061e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 4.564e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 6.753e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 7.128e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 4.768e-06, tolerance: 4.819e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 6.841e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 7.629e-06, tolerance: 7.874e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 5.303e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 7.629e-06, tolerance: 9.258e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 7.629e-06, tolerance: 6.750e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 1.907e-06, tolerance: 3.817e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 7.629e-06, tolerance: 6.054e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 7.102e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 5.722e-06, tolerance: 6.107e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 9.537e-06, tolerance: 5.981e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 6.055e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 7.629e-06, tolerance: 5.340e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 1.907e-06, tolerance: 2.753e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 7.629e-06, tolerance: 8.344e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 5.722e-06, tolerance: 4.195e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 1.907e-06, tolerance: 3.017e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 7.629e-06, tolerance: 1.918e-06

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 4.631e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 6.879e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 1.526e-05, tolerance: 1.198e-06

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 8.329e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 1.907e-06, tolerance: 5.170e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 5.284e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 1.907e-06, tolerance: 3.102e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 4.845e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 3.914e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 7.755e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 1.526e-05, tolerance: 6.518e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 7.206e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 1.907e-06, tolerance: 5.985e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 5.533e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 7.043e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 5.948e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 1.907e-05, tolerance: 9.802e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 5.722e-06, tolerance: 5.125e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 4.033e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 7.629e-06, tolerance: 7.508e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 8.168e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 6.976e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 1.907e-06, tolerance: 4.134e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 7.629e-06, tolerance: 8.913e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 3.857e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 1.526e-05, tolerance: 9.957e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 7.629e-06, tolerance: 6.478e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 7.629e-06, tolerance: 8.434e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 8.138e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 1.907e-06, tolerance: 3.159e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 5.369e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 3.795e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 1.335e-05, tolerance: 6.651e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 1.127e-06

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 6.358e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 4.183e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 7.904e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 1.907e-06, tolerance: 6.697e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 1.907e-06, tolerance: 5.881e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 8.355e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 5.396e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 5.569e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 9.065e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 6.946e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 7.629e-06, tolerance: 1.170e-06

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 7.629e-06, tolerance: 7.474e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 3.649e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 9.537e-06, tolerance: 5.379e-07

字典学习 - 正向字典和代码#

下面是当字典值和编码系数都受到正约束时的结果。

dict_pos_estimator = decomposition.MiniBatchDictionaryLearning(
    n_components=n_components,
    alpha=0.1,
    max_iter=50,
    batch_size=3,
    fit_algorithm="cd",
    random_state=rng,
    positive_dict=True,
    positive_code=True,
)
dict_pos_estimator.fit(faces_centered)
plot_gallery(
    "Dictionary learning - positive dictionary & code",
    dict_pos_estimator.components_[:n_components],
    cmap=plt.cm.RdBu,
)
Dictionary learning - positive dictionary & code
/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 5.346e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 7.629e-06, tolerance: 8.388e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.777e-04, tolerance: 7.257e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 1.068e-04, tolerance: 9.927e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 1.907e-06, tolerance: 3.298e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 1.907e-06, tolerance: 3.096e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 7.629e-06, tolerance: 8.637e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 6.277e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 6.178e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 6.518e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 3.733e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 7.629e-06, tolerance: 8.026e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 3.308e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 5.956e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 4.746e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 7.629e-06, tolerance: 6.859e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 6.567e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 7.629e-06, tolerance: 8.734e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 5.300e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 5.318e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 6.041e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 7.629e-06, tolerance: 1.298e-06

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 8.678e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 1.907e-06, tolerance: 2.994e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 6.342e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 7.629e-06, tolerance: 1.114e-06

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 7.370e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 5.340e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 3.956e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 6.135e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 7.629e-06, tolerance: 9.119e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 6.943e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 8.370e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 7.629e-06, tolerance: 4.566e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 6.128e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 5.686e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 7.629e-06, tolerance: 6.202e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 4.355e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 8.042e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 8.032e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 4.342e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 6.058e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 3.795e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 4.891e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 5.350e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 6.548e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 5.732e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 6.841e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 5.710e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 3.762e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 7.015e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 5.547e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 4.918e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 7.629e-06, tolerance: 1.198e-06

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 6.932e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 5.870e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 7.629e-06, tolerance: 8.803e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 7.629e-06, tolerance: 4.301e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 1.907e-06, tolerance: 3.489e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 1.907e-06, tolerance: 4.026e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 1.907e-06, tolerance: 3.557e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 2.355e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 7.629e-06, tolerance: 5.981e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 4.564e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 4.374e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 7.629e-06, tolerance: 5.717e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 5.228e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 7.629e-06, tolerance: 5.069e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 5.890e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 5.793e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 1.907e-06, tolerance: 2.944e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 7.629e-06, tolerance: 7.785e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 6.287e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 7.629e-06, tolerance: 1.593e-06

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 1.526e-05, tolerance: 1.918e-06

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 6.750e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 7.629e-06, tolerance: 4.288e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 4.822e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 7.629e-06, tolerance: 8.758e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 6.844e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 7.629e-06, tolerance: 8.923e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 7.629e-06, tolerance: 9.957e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 5.176e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 6.309e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 7.629e-06, tolerance: 6.709e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 4.164e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 3.815e-06, tolerance: 7.082e-07

/home/circleci/project/sklearn/linear_model/_coordinate_descent.py:701: ConvergenceWarning:

Objective did not converge. You might want to increase the number of iterations, check the scale of the features or consider increasing regularisation. Duality gap: 7.629e-06, tolerance: 6.546e-07

脚本总运行时间: (0 minutes 8.159 seconds)

相关示例

人脸部分字典的在线学习

人脸部分字典的在线学习

因子分析(带旋转)以可视化模式

因子分析(带旋转)以可视化模式

使用 eigenfaces 和 SVM 进行人脸识别示例

使用 eigenfaces 和 SVM 进行人脸识别示例

使用预计算字典进行稀疏编码

使用预计算字典进行稀疏编码

由 Sphinx-Gallery 生成的图库