Faces dataset decompositions#

Dieses Beispiel wendet auf Das Olivetti-Faces-Dataset verschiedene unüberwachte Matrixdekompositionsmethoden (Dimensionsreduktion) aus dem Modul sklearn.decomposition an (siehe das Dokumentationskapitel Signale in Komponenten zerlegen (Matrixfaktorisierungsprobleme)).

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

Dataset-Vorbereitung#

Laden und Vorverarbeiten des Olivetti-Faces-Datasets.

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

Definieren einer Basisfunktion zum Plotten der Galerie von Gesichtern.

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()

Werfen wir einen Blick auf unsere Daten. Graue Farbe zeigt negative Werte an, Weiß positive Werte.

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

Zerlegung#

Initialisieren Sie verschiedene Schätzer für die Zerlegung und passen Sie jeden davon an alle Bilder an und plotten Sie einige Ergebnisse. Jeder Schätzer extrahiert 6 Komponenten als Vektoren \(h \in \mathbb{R}^{4096}\). Wir haben diese Vektoren einfach in einer menschenfreundlichen Visualisierung als 64x64 Pixel große Bilder dargestellt.

Lesen Sie mehr im Benutzerhandbuch.

Eigenfaces - PCA mit randomisiertem SVD#

Lineare Dimensionsreduktion mittels Singular Value Decomposition (SVD) der Daten, um sie in einen niedrigerdimensionalen Raum zu projizieren.

Hinweis

Der Eigenfaces-Schätzer, über sklearn.decomposition.PCA, bietet auch eine Skalarvariable noise_variance_ (die mittlere pixelweise Varianz), die nicht als Bild dargestellt werden kann.

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

Nicht-negative Komponenten - NMF#

Schätzen Sie nicht-negative Originaldaten als Produkt von zwei nicht-negativen Matrizen.

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

Unabhängige Komponenten - FastICA#

Independent Component Analysis (ICA) zerlegt multivariat Vektoren in additive Unterkomponenten, die maximal unabhängig sind.

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

Sparsest Komponenten - MiniBatchSparsePCA#

Mini-Batch Sparse PCA (MiniBatchSparsePCA) extrahiert die Menge an sparsest Komponenten, die die Daten am besten rekonstruieren. Diese Variante ist schneller, aber weniger genau als die ähnliche 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

Dictionary Learning#

Standardmäßig teilt MiniBatchDictionaryLearning die Daten in Mini-Batches auf und optimiert online, indem es die Mini-Batches für die angegebene Anzahl von Iterationen durchläuft.

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

Cluster-Zentren - MiniBatchKMeans#

sklearn.cluster.MiniBatchKMeans ist rechnerisch effizient und implementiert Online-Lernen mit einer partial_fit-Methode. Deshalb kann es vorteilhaft sein, einige zeitaufwändige Algorithmen mit MiniBatchKMeans zu verbessern.

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

Faktorenanalyse-Komponenten - FA#

FactorAnalysis ähnelt PCA, hat aber den Vorteil, die Varianz in jeder Richtung des Eingaberaums unabhängig zu modellieren (heteroskedastisches Rauschen). Lesen Sie mehr im Benutzerhandbuch.

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)

Zerlegung: Dictionary Learning#

Im weiteren Abschnitt betrachten wir Dictionary Learning genauer. Dictionary Learning ist ein Problem, das darin besteht, eine sparsest Darstellung der Eingabedaten als Kombination einfacher Elemente zu finden. Diese einfachen Elemente bilden ein Dictionary. Es ist möglich, das Dictionary und/oder die Kodierungskoeffizienten positiv zu beschränken, um Beschränkungen, die möglicherweise in den Daten vorhanden sind, abzugleichen.

MiniBatchDictionaryLearning implementiert eine schnellere, aber weniger genaue Version des Dictionary-Learning-Algorithmus, die besser für große Datensätze geeignet ist. Lesen Sie mehr im Benutzerhandbuch.

Plotten Sie die gleichen Samples aus unserem Dataset, aber mit einer anderen Colormap. Rot zeigt negative Werte an, Blau positive Werte und Weiß Null.

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

Ähnlich wie in den vorherigen Beispielen ändern wir die Parameter und trainieren den MiniBatchDictionaryLearning-Schätzer auf allen Bildern. Im Allgemeinen zerlegen Dictionary Learning und Sparse Coding die Eingabedaten in das Dictionary und die Kodierungskoeffizientenmatrizen. \(X \approx UV\), wobei \(X = [x_1, . . . , x_n]\), \(X \in \mathbb{R}^{m×n}\), Dictionary \(U \in \mathbb{R}^{m×k}\), Kodierungskoeffizienten \(V \in \mathbb{R}^{k×n}\).

Unten sind auch die Ergebnisse, wenn das Dictionary und die Kodierungskoeffizienten positiv beschränkt sind.

Dictionary Learning - Positives Dictionary#

Im folgenden Abschnitt erzwingen wir Positivität bei der Suche nach dem Dictionary.

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

Dictionary Learning - Positiver Code#

Unten beschränken wir die Kodierungskoeffizienten als positive Matrix.

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

Dictionary Learning - Positives Dictionary & Code#

Unten sind auch die Ergebnisse, wenn die Dictionary-Werte und Kodierungskoeffizienten positiv beschränkt sind.

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

Gesamtlaufzeit des Skripts: (0 Minuten 8,159 Sekunden)

Verwandte Beispiele

Online-Lernen eines Diktionärs von Gesichtsteilen

Online-Lernen eines Diktionärs von Gesichtsteilen

Faktorenanalyse (mit Rotation) zur Visualisierung von Mustern

Faktorenanalyse (mit Rotation) zur Visualisierung von Mustern

Gesichtserkennungsbeispiel mit Eigenfaces und SVMs

Gesichtserkennungsbeispiel mit Eigenfaces und SVMs

Sparse Coding mit einem voreingestellten Dictionary

Sparse Coding mit einem voreingestellten Dictionary

Galerie generiert von Sphinx-Gallery