In this notebook we examine the result of dropping subsets of features that are linearly dependent or correlated to some degree. We're specifically working on the dataset formed by dropping (31, 496, 524, 917, 1299), since that resulted in the lowest validation error.
import itertools
import numpy as np
import pandas as pd
pd.set_option('display.precision',20)
pd.set_option('display.max_colwidth',100)
from sklearn import linear_model
from sklearn.metrics import mean_squared_error
from sklearn.model_selection import train_test_split, cross_val_predict, KFold, cross_val_score, \
GridSearchCV, RandomizedSearchCV, ShuffleSplit
from time import time
from scipy.stats import randint as sp_randint
import matplotlib.pylab as plt
from matplotlib.pylab import rcParams
from matplotlib import pyplot
rcParams['figure.figsize'] = 12, 4
%matplotlib inline
# def to compare goodness of fit on training set
def rmse(y_true, y_pred):
return np.sqrt(mean_squared_error(y_true, y_pred))
# Cross-validation sets
kfold = KFold(n_splits=10, random_state=7)
# We are using LassoLarsCV as part of our metric
lr = linear_model.LassoLarsCV(verbose=False, max_iter=5000,precompute='auto', cv=kfold, max_n_alphas=1000, n_jobs=-1)
df = pd.read_csv("./input/train_tidy_111001001.csv")
ss = ShuffleSplit(n_splits=1, test_size=0.20, random_state=573)
X = df.values
for train_idx, validation_idx in ss.split(X):
train_df = df.iloc[train_idx]
validation_df = df.iloc[validation_idx]
We will establish a baseline by keeping all features.
y_validation = validation_df['SalePrice'].values
x_validation = validation_df.drop(['HouseId', 'SalePrice', 'GarageAge', 'GarageAgeLin'],axis=1).values
y_train = train_df['SalePrice'].values
x_train = train_df.drop(['HouseId', 'SalePrice', 'GarageAge', 'GarageAgeLin'],axis=1).values
lr.fit(x_train, y_train)
y_pred = lr.predict(x_validation)
baseline = rmse(y_validation, y_pred)
baseline
/usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 115 iterations, i.e. alpha=1.048e-04, with an active set of 109 regressors, and the smallest cholesky pivot element being 1.054e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 133 iterations, i.e. alpha=8.760e-05, with an active set of 119 regressors, and the smallest cholesky pivot element being 1.490e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 163 iterations, i.e. alpha=5.373e-05, with an active set of 147 regressors, and the smallest cholesky pivot element being 3.799e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 197 iterations, i.e. alpha=3.511e-05, with an active set of 171 regressors, and the smallest cholesky pivot element being 2.220e-16 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 245 iterations, alpha=1.932e-05, previous alpha=1.931e-05, with an active set of 200 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 348 iterations, alpha=5.977e-05, previous alpha=3.432e-06, with an active set of 257 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 348 iterations, alpha=7.496e-05, previous alpha=3.719e-06, with an active set of 247 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 348 iterations, alpha=2.041e-04, previous alpha=3.781e-06, with an active set of 249 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=8.816e-05, previous alpha=3.293e-06, with an active set of 250 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=6.598e-04, previous alpha=2.759e-06, with an active set of 255 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=9.999e-06, previous alpha=3.499e-06, with an active set of 252 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 348 iterations, alpha=2.226e-04, previous alpha=3.046e-06, with an active set of 257 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=6.879e-05, previous alpha=4.501e-06, with an active set of 248 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 355 iterations, alpha=9.452e-05, previous alpha=3.797e-06, with an active set of 252 regressors. ConvergenceWarning)
0.10890203559597167
This rmse of 0.10890203559597167 is actually quite a bit better (relatively speaking) than the baseline of 0.12503266782864195 over the whole dataset and the rmse of 0.11751015503521701488 we obtained by merely dropping points from that dataset. This is because the R code has dropped the outliers before preprocessing and so several engineered features have been refit to this dataset.
We have a collection of Features, some of which were identified to be of potentially low-quality in predicting the response, others of which are known to be highly correlated with other Features. We want to identify subsets of features that we can drop to improve the regression.
drop_cands = [
'LotFrontage', 'LotArea', 'BsmtUnfSF', 'LowQualFinSF',
'LogGrLivArea',
'GrLivArea', 'TotalHouseArea', 'LivArea', 'LivAreaWt', 'AllSizesSum', 'AllSizesSumLin', 'AreasSum',
'X1stFlrSF','X1stLin', 'X2ndFlrSF', 'X2ndLin',
'TotalBath', 'BsmtFullBath', 'BsmtHalfBath', 'FullBath', 'HalfBath',
'Age', 'AgeLin', 'RemodAgeLin','RemodAge',
'MasVnrArea', 'MasVnrAreaLin',
'DeckPorchLin','WoodDeckSF', 'OpenPorchSF', 'EnclosedPorch', 'X3SsnPorch', 'ScreenPorch'
]
corr_df = df[drop_cands].corr()
corr_df[corr_df > 0.75]
LotFrontage | LotArea | BsmtUnfSF | LowQualFinSF | LogGrLivArea | GrLivArea | TotalHouseArea | LivArea | LivAreaWt | AllSizesSum | ... | RemodAgeLin | RemodAge | MasVnrArea | MasVnrAreaLin | DeckPorchLin | WoodDeckSF | OpenPorchSF | EnclosedPorch | X3SsnPorch | ScreenPorch | |
---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|
LotFrontage | 1.0 | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | ... | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN |
LotArea | NaN | 1.00000000000000000000 | NaN | NaN | NaN | NaN | NaN | NaN | NaN | 0.98574282164136073359 | ... | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN |
BsmtUnfSF | NaN | NaN | 1.0 | NaN | NaN | NaN | NaN | NaN | NaN | NaN | ... | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN |
LowQualFinSF | NaN | NaN | NaN | 1.0 | NaN | NaN | NaN | NaN | NaN | NaN | ... | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN |
LogGrLivArea | NaN | NaN | NaN | NaN | 1.00000000000000000000 | 0.97284711350461094970 | 0.86317256580400802957 | 0.76853554865027584597 | 0.92084699562381455706 | NaN | ... | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN |
GrLivArea | NaN | NaN | NaN | NaN | 0.97284711350461094970 | 1.00000000000000000000 | 0.83274164265266448215 | 0.76993518450779729889 | 0.91418427872678065249 | NaN | ... | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN |
TotalHouseArea | NaN | NaN | NaN | NaN | 0.86317256580400802957 | 0.83274164265266448215 | 1.00000000000000000000 | 0.80504876423853111156 | 0.87721491992228128876 | NaN | ... | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN |
LivArea | NaN | NaN | NaN | NaN | 0.76853554865027584597 | 0.76993518450779729889 | 0.80504876423853111156 | 1.00000000000000000000 | 0.94672752095422807450 | NaN | ... | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN |
LivAreaWt | NaN | NaN | NaN | NaN | 0.92084699562381455706 | 0.91418427872678065249 | 0.87721491992228128876 | 0.94672752095422807450 | 1.00000000000000000000 | NaN | ... | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN |
AllSizesSum | NaN | 0.98574282164136073359 | NaN | NaN | NaN | NaN | NaN | NaN | NaN | 1.00000000000000000000 | ... | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN |
AllSizesSumLin | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | ... | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN |
AreasSum | NaN | NaN | NaN | NaN | 0.83477182372955105460 | 0.82112328298677050853 | 0.93168430704452442903 | 0.79843485489696608415 | 0.86392271466388026457 | NaN | ... | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN |
X1stFlrSF | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | ... | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN |
X1stLin | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | ... | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN |
X2ndFlrSF | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | ... | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN |
X2ndLin | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | ... | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN |
TotalBath | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | ... | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN |
BsmtFullBath | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | ... | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN |
BsmtHalfBath | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | ... | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN |
FullBath | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | ... | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN |
HalfBath | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | ... | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN |
Age | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | ... | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN |
AgeLin | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | ... | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN |
RemodAgeLin | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | ... | 1.0 | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN |
RemodAge | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | ... | NaN | 1.0 | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN |
MasVnrArea | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | ... | NaN | NaN | 1.00000000000000000000 | 0.91145990457833658827 | NaN | NaN | NaN | NaN | NaN | NaN |
MasVnrAreaLin | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | ... | NaN | NaN | 0.91145990457833658827 | 1.00000000000000000000 | NaN | NaN | NaN | NaN | NaN | NaN |
DeckPorchLin | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | ... | NaN | NaN | NaN | NaN | 1.0 | NaN | NaN | NaN | NaN | NaN |
WoodDeckSF | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | ... | NaN | NaN | NaN | NaN | NaN | 1.0 | NaN | NaN | NaN | NaN |
OpenPorchSF | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | ... | NaN | NaN | NaN | NaN | NaN | NaN | 1.0 | NaN | NaN | NaN |
EnclosedPorch | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | ... | NaN | NaN | NaN | NaN | NaN | NaN | NaN | 1.0 | NaN | NaN |
X3SsnPorch | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | ... | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | 1.0 | NaN |
ScreenPorch | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | ... | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | 1.0 |
33 rows × 33 columns
We'll restrict our drop set to the highly correlated features to make this more readable,
drop_cands = [
'LotArea', 'LogGrLivArea',
'GrLivArea', 'TotalHouseArea', 'LivArea', 'LivAreaWt', 'AllSizesSum', 'AreasSum',
'X1stFlrSF','X1stLin', 'TotalBath', 'FullBath', 'MasVnrArea', 'MasVnrAreaLin'
]
corr_df = df[drop_cands].corr()
corr_df[corr_df > 0.75]
LotArea | LogGrLivArea | GrLivArea | TotalHouseArea | LivArea | LivAreaWt | AllSizesSum | AreasSum | X1stFlrSF | X1stLin | TotalBath | FullBath | MasVnrArea | MasVnrAreaLin | |
---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|
LotArea | 1.00000000000000000000 | NaN | NaN | NaN | NaN | NaN | 0.98574282164136073359 | NaN | NaN | NaN | NaN | NaN | NaN | NaN |
LogGrLivArea | NaN | 1.00000000000000000000 | 0.97284711350461094970 | 0.86317256580400802957 | 0.76853554865027584597 | 0.92084699562381455706 | NaN | 0.83477182372955105460 | NaN | NaN | NaN | NaN | NaN | NaN |
GrLivArea | NaN | 0.97284711350461094970 | 1.00000000000000000000 | 0.83274164265266448215 | 0.76993518450779729889 | 0.91418427872678065249 | NaN | 0.82112328298677050853 | NaN | NaN | NaN | NaN | NaN | NaN |
TotalHouseArea | NaN | 0.86317256580400802957 | 0.83274164265266448215 | 1.00000000000000000000 | 0.80504876423853111156 | 0.87721491992228128876 | NaN | 0.93168430704452442903 | NaN | NaN | NaN | NaN | NaN | NaN |
LivArea | NaN | 0.76853554865027584597 | 0.76993518450779729889 | 0.80504876423853111156 | 1.00000000000000000000 | 0.94672752095422807450 | NaN | 0.79843485489696608415 | NaN | NaN | NaN | NaN | NaN | NaN |
LivAreaWt | NaN | 0.92084699562381455706 | 0.91418427872678065249 | 0.87721491992228128876 | 0.94672752095422807450 | 1.00000000000000000000 | NaN | 0.86392271466388026457 | NaN | NaN | NaN | NaN | NaN | NaN |
AllSizesSum | 0.98574282164136073359 | NaN | NaN | NaN | NaN | NaN | 1.00000000000000000000 | NaN | NaN | NaN | NaN | NaN | NaN | NaN |
AreasSum | NaN | 0.83477182372955105460 | 0.82112328298677050853 | 0.93168430704452442903 | 0.79843485489696608415 | 0.86392271466388026457 | NaN | 1.00000000000000000000 | NaN | NaN | NaN | NaN | NaN | NaN |
X1stFlrSF | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | 1.00000000000000000000 | 0.97815669319243658819 | NaN | NaN | NaN | NaN |
X1stLin | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | 0.97815669319243658819 | 1.00000000000000000000 | NaN | NaN | NaN | NaN |
TotalBath | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | 1.00000000000000000000 | 0.84313791542993188344 | NaN | NaN |
FullBath | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | 0.84313791542993188344 | 1.00000000000000000000 | NaN | NaN |
MasVnrArea | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | 1.00000000000000000000 | 0.91145990457833658827 |
MasVnrAreaLin | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | NaN | 0.91145990457833658827 | 1.00000000000000000000 |
Let's first compare the pairs.
drop_cands = ['LotArea', 'AllSizesSum']
col_drop_results_df = pd.DataFrame(dtype = 'float64')
count = 0
for L in range(0, len(drop_cands)+1):
for subset in itertools.combinations(drop_cands, L):
drop_cols = list(subset)
col_drop_results_df.loc[count, 'Dropped'] = str(subset)
x_train = train_df.drop(['HouseId', 'SalePrice', 'GarageAge', 'GarageAgeLin'] + drop_cols,axis=1).values
x_validation = validation_df.drop(['HouseId', 'SalePrice', 'GarageAge', 'GarageAgeLin'] + drop_cols,axis=1).values
lr.fit(x_train, y_train)
y_pred = lr.predict(x_validation)
error = rmse(y_validation, y_pred)
col_drop_results_df.loc[count, 'RMSE'] = error
col_drop_results_df.loc[count, 'Diff from Base'] = error - baseline
count += 1
output_df = col_drop_results_df.sort_values(['RMSE'])
/usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 115 iterations, i.e. alpha=1.048e-04, with an active set of 109 regressors, and the smallest cholesky pivot element being 1.054e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 133 iterations, i.e. alpha=8.760e-05, with an active set of 119 regressors, and the smallest cholesky pivot element being 1.490e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 163 iterations, i.e. alpha=5.373e-05, with an active set of 147 regressors, and the smallest cholesky pivot element being 3.799e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 197 iterations, i.e. alpha=3.511e-05, with an active set of 171 regressors, and the smallest cholesky pivot element being 2.220e-16 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 245 iterations, alpha=1.932e-05, previous alpha=1.931e-05, with an active set of 200 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 348 iterations, alpha=7.496e-05, previous alpha=3.719e-06, with an active set of 247 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 348 iterations, alpha=2.041e-04, previous alpha=3.781e-06, with an active set of 249 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 348 iterations, alpha=5.977e-05, previous alpha=3.432e-06, with an active set of 257 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=6.598e-04, previous alpha=2.759e-06, with an active set of 255 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=8.816e-05, previous alpha=3.293e-06, with an active set of 250 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=9.999e-06, previous alpha=3.499e-06, with an active set of 252 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 348 iterations, alpha=2.226e-04, previous alpha=3.046e-06, with an active set of 257 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=6.879e-05, previous alpha=4.501e-06, with an active set of 248 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 355 iterations, alpha=9.452e-05, previous alpha=3.797e-06, with an active set of 252 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 115 iterations, i.e. alpha=1.048e-04, with an active set of 109 regressors, and the smallest cholesky pivot element being 1.054e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 287 iterations, i.e. alpha=8.644e-06, with an active set of 229 regressors, and the smallest cholesky pivot element being 2.107e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 348 iterations, alpha=1.048e-04, previous alpha=3.719e-06, with an active set of 247 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 330 iterations, i.e. alpha=4.750e-06, with an active set of 254 regressors, and the smallest cholesky pivot element being 1.490e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 348 iterations, alpha=9.654e-05, previous alpha=3.432e-06, with an active set of 257 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=2.530e-05, previous alpha=3.827e-06, with an active set of 261 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 348 iterations, alpha=2.833e-04, previous alpha=3.781e-06, with an active set of 249 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 344 iterations, alpha=1.406e-04, previous alpha=2.880e-06, with an active set of 255 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=1.676e-04, previous alpha=3.293e-06, with an active set of 250 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 348 iterations, alpha=2.526e-04, previous alpha=3.046e-06, with an active set of 257 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=6.048e-06, previous alpha=3.585e-06, with an active set of 253 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 355 iterations, alpha=9.462e-05, previous alpha=3.797e-06, with an active set of 252 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=2.422e-05, previous alpha=4.547e-06, with an active set of 249 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 115 iterations, i.e. alpha=1.049e-04, with an active set of 109 regressors, and the smallest cholesky pivot element being 2.107e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 134 iterations, i.e. alpha=8.765e-05, with an active set of 120 regressors, and the smallest cholesky pivot element being 1.054e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 153 iterations, i.e. alpha=6.207e-05, with an active set of 139 regressors, and the smallest cholesky pivot element being 1.054e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 166 iterations, alpha=5.426e-05, previous alpha=5.238e-05, with an active set of 151 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=5.339e-05, previous alpha=4.237e-06, with an active set of 247 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=5.977e-05, previous alpha=3.481e-06, with an active set of 256 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 348 iterations, alpha=2.833e-04, previous alpha=3.781e-06, with an active set of 249 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 340 iterations, i.e. alpha=3.662e-06, with an active set of 248 regressors, and the smallest cholesky pivot element being 1.054e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 344 iterations, alpha=3.652e-04, previous alpha=2.764e-06, with an active set of 255 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=6.038e-06, previous alpha=3.552e-06, with an active set of 253 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=1.676e-04, previous alpha=3.304e-06, with an active set of 250 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 348 iterations, alpha=2.526e-04, previous alpha=3.048e-06, with an active set of 257 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=2.424e-05, previous alpha=4.547e-06, with an active set of 249 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=4.756e-05, previous alpha=4.636e-06, with an active set of 244 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 115 iterations, i.e. alpha=1.049e-04, with an active set of 109 regressors, and the smallest cholesky pivot element being 2.107e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 291 iterations, i.e. alpha=8.428e-06, with an active set of 229 regressors, and the smallest cholesky pivot element being 3.942e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 297 iterations, alpha=7.864e-06, previous alpha=7.587e-06, with an active set of 234 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 348 iterations, alpha=1.447e-04, previous alpha=4.032e-06, with an active set of 245 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=5.557e-05, previous alpha=3.403e-06, with an active set of 252 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=1.013e-04, previous alpha=3.493e-06, with an active set of 248 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=2.216e-04, previous alpha=3.227e-06, with an active set of 250 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 349 iterations, alpha=2.458e-04, previous alpha=2.040e-06, with an active set of 260 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 338 iterations, i.e. alpha=3.695e-06, with an active set of 248 regressors, and the smallest cholesky pivot element being 3.332e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=3.288e-04, previous alpha=3.398e-06, with an active set of 253 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=4.292e-06, previous alpha=4.087e-06, with an active set of 248 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=5.451e-05, previous alpha=4.555e-06, with an active set of 249 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=1.416e-05, previous alpha=4.355e-06, with an active set of 250 regressors. ConvergenceWarning)
output_df
Dropped | RMSE | Diff from Base | |
---|---|---|---|
0 | () | 0.10890203559597166905 | 0.00000000000000000000 |
2 | ('AllSizesSum',) | 0.10907261155010689047 | 0.00017057595413522142 |
3 | ('LotArea', 'AllSizesSum') | 0.10923860873748110489 | 0.00033657314150943585 |
1 | ('LotArea',) | 0.10941263205625721688 | 0.00051059646028554784 |
We should keep these features.
drop_cands = ['X1stFlrSF','X1stLin']
col_drop_results_df = pd.DataFrame(dtype = 'float64')
count = 0
for L in range(0, len(drop_cands)+1):
for subset in itertools.combinations(drop_cands, L):
drop_cols = list(subset)
col_drop_results_df.loc[count, 'Dropped'] = str(subset)
x_train = train_df.drop(['HouseId', 'SalePrice', 'GarageAge', 'GarageAgeLin'] + drop_cols,axis=1).values
x_validation = validation_df.drop(['HouseId', 'SalePrice', 'GarageAge', 'GarageAgeLin'] + drop_cols,axis=1).values
lr.fit(x_train, y_train)
y_pred = lr.predict(x_validation)
error = rmse(y_validation, y_pred)
col_drop_results_df.loc[count, 'RMSE'] = error
col_drop_results_df.loc[count, 'Diff from Base'] = error - baseline
count += 1
output_df = col_drop_results_df.sort_values(['RMSE'])
/usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 115 iterations, i.e. alpha=1.048e-04, with an active set of 109 regressors, and the smallest cholesky pivot element being 1.054e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 133 iterations, i.e. alpha=8.760e-05, with an active set of 119 regressors, and the smallest cholesky pivot element being 1.490e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 163 iterations, i.e. alpha=5.373e-05, with an active set of 147 regressors, and the smallest cholesky pivot element being 3.799e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 197 iterations, i.e. alpha=3.511e-05, with an active set of 171 regressors, and the smallest cholesky pivot element being 2.220e-16 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 245 iterations, alpha=1.932e-05, previous alpha=1.931e-05, with an active set of 200 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 348 iterations, alpha=5.977e-05, previous alpha=3.432e-06, with an active set of 257 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 348 iterations, alpha=2.041e-04, previous alpha=3.781e-06, with an active set of 249 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 348 iterations, alpha=7.496e-05, previous alpha=3.719e-06, with an active set of 247 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=8.816e-05, previous alpha=3.293e-06, with an active set of 250 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=6.598e-04, previous alpha=2.759e-06, with an active set of 255 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=9.999e-06, previous alpha=3.499e-06, with an active set of 252 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 348 iterations, alpha=2.226e-04, previous alpha=3.046e-06, with an active set of 257 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=6.879e-05, previous alpha=4.501e-06, with an active set of 248 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 355 iterations, alpha=9.452e-05, previous alpha=3.797e-06, with an active set of 252 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 115 iterations, i.e. alpha=1.048e-04, with an active set of 109 regressors, and the smallest cholesky pivot element being 1.054e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 133 iterations, i.e. alpha=8.760e-05, with an active set of 119 regressors, and the smallest cholesky pivot element being 1.490e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 163 iterations, i.e. alpha=5.373e-05, with an active set of 147 regressors, and the smallest cholesky pivot element being 3.799e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 197 iterations, i.e. alpha=3.511e-05, with an active set of 171 regressors, and the smallest cholesky pivot element being 2.220e-16 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 204 iterations, i.e. alpha=3.297e-05, with an active set of 176 regressors, and the smallest cholesky pivot element being 2.220e-16 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 205 iterations, alpha=3.291e-05, previous alpha=3.258e-05, with an active set of 176 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=6.186e-05, previous alpha=3.588e-06, with an active set of 247 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 348 iterations, alpha=9.654e-05, previous alpha=3.432e-06, with an active set of 257 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 348 iterations, alpha=2.833e-04, previous alpha=3.781e-06, with an active set of 249 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 344 iterations, alpha=1.406e-04, previous alpha=2.880e-06, with an active set of 255 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=6.048e-06, previous alpha=3.585e-06, with an active set of 253 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=1.676e-04, previous alpha=3.293e-06, with an active set of 250 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=2.226e-04, previous alpha=3.045e-06, with an active set of 256 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=2.422e-05, previous alpha=4.547e-06, with an active set of 249 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 355 iterations, alpha=9.462e-05, previous alpha=3.797e-06, with an active set of 252 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 114 iterations, i.e. alpha=1.058e-04, with an active set of 108 regressors, and the smallest cholesky pivot element being 1.054e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 143 iterations, i.e. alpha=7.334e-05, with an active set of 129 regressors, and the smallest cholesky pivot element being 2.107e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 231 iterations, i.e. alpha=2.063e-05, with an active set of 187 regressors, and the smallest cholesky pivot element being 3.332e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 272 iterations, i.e. alpha=1.082e-05, with an active set of 218 regressors, and the smallest cholesky pivot element being 7.885e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 275 iterations, alpha=1.089e-05, previous alpha=1.059e-05, with an active set of 218 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=3.446e-05, previous alpha=3.719e-06, with an active set of 247 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 350 iterations, alpha=4.367e-04, previous alpha=3.691e-06, with an active set of 251 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 350 iterations, alpha=7.151e-05, previous alpha=3.183e-06, with an active set of 257 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 348 iterations, alpha=5.514e-05, previous alpha=3.410e-06, with an active set of 249 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=9.995e-06, previous alpha=3.625e-06, with an active set of 247 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=2.003e-04, previous alpha=2.968e-06, with an active set of 253 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 349 iterations, alpha=1.998e-04, previous alpha=3.661e-06, with an active set of 254 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=6.877e-05, previous alpha=4.492e-06, with an active set of 247 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=2.171e-05, previous alpha=3.783e-06, with an active set of 249 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 118 iterations, i.e. alpha=9.833e-05, with an active set of 110 regressors, and the smallest cholesky pivot element being 3.161e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 298 iterations, i.e. alpha=6.613e-06, with an active set of 240 regressors, and the smallest cholesky pivot element being 2.788e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 349 iterations, alpha=1.532e-04, previous alpha=3.359e-06, with an active set of 252 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 348 iterations, alpha=1.298e-04, previous alpha=3.412e-06, with an active set of 253 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=3.429e-05, previous alpha=3.730e-06, with an active set of 254 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=1.044e-04, previous alpha=3.686e-06, with an active set of 253 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=5.339e-04, previous alpha=3.151e-06, with an active set of 251 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 349 iterations, alpha=1.195e-03, previous alpha=3.239e-06, with an active set of 250 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 351 iterations, alpha=2.280e-05, previous alpha=3.097e-06, with an active set of 256 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 349 iterations, alpha=2.209e-04, previous alpha=3.313e-06, with an active set of 254 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=2.330e-04, previous alpha=4.541e-06, with an active set of 248 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=2.772e-04, previous alpha=4.805e-06, with an active set of 238 regressors. ConvergenceWarning)
output_df
Dropped | RMSE | Diff from Base | |
---|---|---|---|
0 | () | 0.10890203559597166905 | 0.00000000000000000000 |
1 | ('X1stFlrSF',) | 0.10915140987981494791 | 0.00024937428384327887 |
2 | ('X1stLin',) | 0.10915466658176065096 | 0.00025263098578898191 |
3 | ('X1stFlrSF', 'X1stLin') | 0.10931604721237808686 | 0.00041401161640641782 |
drop_cands = ['TotalBath', 'FullBath']
col_drop_results_df = pd.DataFrame(dtype = 'float64')
count = 0
for L in range(0, len(drop_cands)+1):
for subset in itertools.combinations(drop_cands, L):
drop_cols = list(subset)
col_drop_results_df.loc[count, 'Dropped'] = str(subset)
x_train = train_df.drop(['HouseId', 'SalePrice', 'GarageAge', 'GarageAgeLin'] + drop_cols,axis=1).values
x_validation = validation_df.drop(['HouseId', 'SalePrice', 'GarageAge', 'GarageAgeLin'] + drop_cols,axis=1).values
lr.fit(x_train, y_train)
y_pred = lr.predict(x_validation)
error = rmse(y_validation, y_pred)
col_drop_results_df.loc[count, 'RMSE'] = error
col_drop_results_df.loc[count, 'Diff from Base'] = error - baseline
count += 1
output_df = col_drop_results_df.sort_values(['RMSE'])
/usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 115 iterations, i.e. alpha=1.048e-04, with an active set of 109 regressors, and the smallest cholesky pivot element being 1.054e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 133 iterations, i.e. alpha=8.760e-05, with an active set of 119 regressors, and the smallest cholesky pivot element being 1.490e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 163 iterations, i.e. alpha=5.373e-05, with an active set of 147 regressors, and the smallest cholesky pivot element being 3.799e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 197 iterations, i.e. alpha=3.511e-05, with an active set of 171 regressors, and the smallest cholesky pivot element being 2.220e-16 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 245 iterations, alpha=1.932e-05, previous alpha=1.931e-05, with an active set of 200 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 348 iterations, alpha=5.977e-05, previous alpha=3.432e-06, with an active set of 257 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 348 iterations, alpha=7.496e-05, previous alpha=3.719e-06, with an active set of 247 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 348 iterations, alpha=2.041e-04, previous alpha=3.781e-06, with an active set of 249 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=6.598e-04, previous alpha=2.759e-06, with an active set of 255 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=8.816e-05, previous alpha=3.293e-06, with an active set of 250 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=9.999e-06, previous alpha=3.499e-06, with an active set of 252 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 348 iterations, alpha=2.226e-04, previous alpha=3.046e-06, with an active set of 257 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=6.879e-05, previous alpha=4.501e-06, with an active set of 248 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 355 iterations, alpha=9.452e-05, previous alpha=3.797e-06, with an active set of 252 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 111 iterations, i.e. alpha=1.067e-04, with an active set of 107 regressors, and the smallest cholesky pivot element being 3.495e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 216 iterations, i.e. alpha=2.369e-05, with an active set of 184 regressors, and the smallest cholesky pivot element being 1.054e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 217 iterations, alpha=2.363e-05, previous alpha=2.301e-05, with an active set of 184 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=5.600e-05, previous alpha=3.136e-06, with an active set of 257 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=2.040e-04, previous alpha=3.706e-06, with an active set of 250 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=1.052e-04, previous alpha=4.346e-06, with an active set of 246 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=9.928e-04, previous alpha=3.381e-06, with an active set of 252 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=2.884e-05, previous alpha=3.494e-06, with an active set of 247 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 346 iterations, i.e. alpha=3.565e-06, with an active set of 252 regressors, and the smallest cholesky pivot element being 2.581e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 347 iterations, i.e. alpha=3.564e-06, with an active set of 253 regressors, and the smallest cholesky pivot element being 2.581e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 347 iterations, i.e. alpha=3.541e-06, with an active set of 253 regressors, and the smallest cholesky pivot element being 6.322e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 347 iterations, i.e. alpha=3.304e-06, with an active set of 253 regressors, and the smallest cholesky pivot element being 3.650e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 347 iterations, i.e. alpha=3.204e-06, with an active set of 253 regressors, and the smallest cholesky pivot element being 7.146e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 348 iterations, alpha=3.171e-05, previous alpha=3.107e-06, with an active set of 253 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 350 iterations, alpha=2.212e-04, previous alpha=3.044e-06, with an active set of 257 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=7.537e-04, previous alpha=4.544e-06, with an active set of 250 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 352 iterations, alpha=3.679e-05, previous alpha=3.828e-06, with an active set of 253 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 123 iterations, i.e. alpha=9.609e-05, with an active set of 111 regressors, and the smallest cholesky pivot element being 1.490e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 124 iterations, i.e. alpha=9.585e-05, with an active set of 112 regressors, and the smallest cholesky pivot element being 1.490e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 125 iterations, i.e. alpha=9.526e-05, with an active set of 113 regressors, and the smallest cholesky pivot element being 1.490e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 125 iterations, i.e. alpha=9.477e-05, with an active set of 113 regressors, and the smallest cholesky pivot element being 1.490e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 134 iterations, alpha=8.872e-05, previous alpha=8.762e-05, with an active set of 121 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 348 iterations, alpha=1.048e-04, previous alpha=3.719e-06, with an active set of 247 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 348 iterations, alpha=9.654e-05, previous alpha=3.432e-06, with an active set of 257 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 348 iterations, alpha=2.833e-04, previous alpha=3.781e-06, with an active set of 249 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=1.676e-04, previous alpha=3.293e-06, with an active set of 250 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 344 iterations, alpha=1.406e-04, previous alpha=2.880e-06, with an active set of 255 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 348 iterations, alpha=2.526e-04, previous alpha=3.046e-06, with an active set of 257 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=6.048e-06, previous alpha=3.585e-06, with an active set of 253 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=2.422e-05, previous alpha=4.547e-06, with an active set of 249 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 355 iterations, alpha=9.462e-05, previous alpha=3.797e-06, with an active set of 252 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 97 iterations, i.e. alpha=1.231e-04, with an active set of 93 regressors, and the smallest cholesky pivot element being 2.220e-16 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 253 iterations, i.e. alpha=1.664e-05, with an active set of 205 regressors, and the smallest cholesky pivot element being 2.581e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 255 iterations, i.e. alpha=1.636e-05, with an active set of 207 regressors, and the smallest cholesky pivot element being 2.581e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 257 iterations, alpha=1.636e-05, previous alpha=1.635e-05, with an active set of 208 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=7.271e-05, previous alpha=4.846e-06, with an active set of 243 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=4.277e-05, previous alpha=3.218e-06, with an active set of 252 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=5.173e-05, previous alpha=3.249e-06, with an active set of 251 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=3.879e-05, previous alpha=4.473e-06, with an active set of 239 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 348 iterations, alpha=6.101e-04, previous alpha=4.271e-06, with an active set of 247 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 335 iterations, i.e. alpha=4.194e-06, with an active set of 249 regressors, and the smallest cholesky pivot element being 2.581e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 336 iterations, i.e. alpha=4.188e-06, with an active set of 250 regressors, and the smallest cholesky pivot element being 2.581e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 336 iterations, i.e. alpha=4.160e-06, with an active set of 250 regressors, and the smallest cholesky pivot element being 6.053e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 337 iterations, alpha=4.179e-06, previous alpha=4.147e-06, with an active set of 250 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 349 iterations, alpha=3.439e-04, previous alpha=2.964e-06, with an active set of 254 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=2.700e-04, previous alpha=4.358e-06, with an active set of 246 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=4.000e-05, previous alpha=3.893e-06, with an active set of 248 regressors. ConvergenceWarning)
output_df
Dropped | RMSE | Diff from Base | |
---|---|---|---|
3 | ('TotalBath', 'FullBath') | 0.10881350768541774021 | -0.00008852791055392883 |
0 | () | 0.10890203559597166905 | 0.00000000000000000000 |
1 | ('TotalBath',) | 0.10936817800946713186 | 0.00046614241349546282 |
2 | ('FullBath',) | 0.10941224559384052362 | 0.00051020999786885457 |
The gain by dropping both of these isn't big enough to consider dropping a predictor that we'd consider strong by hedonic reasoning.
drop_cands = ['MasVnrArea', 'MasVnrAreaLin']
col_drop_results_df = pd.DataFrame(dtype = 'float64')
count = 0
for L in range(0, len(drop_cands)+1):
for subset in itertools.combinations(drop_cands, L):
drop_cols = list(subset)
col_drop_results_df.loc[count, 'Dropped'] = str(subset)
x_train = train_df.drop(['HouseId', 'SalePrice', 'GarageAge', 'GarageAgeLin'] + drop_cols,axis=1).values
x_validation = validation_df.drop(['HouseId', 'SalePrice', 'GarageAge', 'GarageAgeLin'] + drop_cols,axis=1).values
lr.fit(x_train, y_train)
y_pred = lr.predict(x_validation)
error = rmse(y_validation, y_pred)
col_drop_results_df.loc[count, 'RMSE'] = error
col_drop_results_df.loc[count, 'Diff from Base'] = error - baseline
count += 1
output_df = col_drop_results_df.sort_values(['RMSE'])
/usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 115 iterations, i.e. alpha=1.048e-04, with an active set of 109 regressors, and the smallest cholesky pivot element being 1.054e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 133 iterations, i.e. alpha=8.760e-05, with an active set of 119 regressors, and the smallest cholesky pivot element being 1.490e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 163 iterations, i.e. alpha=5.373e-05, with an active set of 147 regressors, and the smallest cholesky pivot element being 3.799e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 197 iterations, i.e. alpha=3.511e-05, with an active set of 171 regressors, and the smallest cholesky pivot element being 2.220e-16 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 245 iterations, alpha=1.932e-05, previous alpha=1.931e-05, with an active set of 200 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 348 iterations, alpha=2.041e-04, previous alpha=3.781e-06, with an active set of 249 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 348 iterations, alpha=7.496e-05, previous alpha=3.719e-06, with an active set of 247 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 348 iterations, alpha=5.977e-05, previous alpha=3.432e-06, with an active set of 257 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=8.816e-05, previous alpha=3.293e-06, with an active set of 250 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=6.598e-04, previous alpha=2.759e-06, with an active set of 255 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=9.999e-06, previous alpha=3.499e-06, with an active set of 252 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 348 iterations, alpha=2.226e-04, previous alpha=3.046e-06, with an active set of 257 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=6.879e-05, previous alpha=4.501e-06, with an active set of 248 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 355 iterations, alpha=9.452e-05, previous alpha=3.797e-06, with an active set of 252 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 116 iterations, i.e. alpha=1.000e-04, with an active set of 110 regressors, and the smallest cholesky pivot element being 1.490e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=4.238e-05, previous alpha=3.988e-06, with an active set of 244 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 348 iterations, alpha=9.719e-05, previous alpha=3.069e-06, with an active set of 257 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 313 iterations, i.e. alpha=6.001e-06, with an active set of 247 regressors, and the smallest cholesky pivot element being 1.490e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 313 iterations, i.e. alpha=5.867e-06, with an active set of 247 regressors, and the smallest cholesky pivot element being 4.470e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=1.757e-04, previous alpha=3.841e-06, with an active set of 247 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 314 iterations, alpha=6.001e-06, previous alpha=5.790e-06, with an active set of 247 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 354 iterations, alpha=9.895e-04, previous alpha=2.942e-06, with an active set of 253 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 346 iterations, i.e. alpha=3.531e-06, with an active set of 252 regressors, and the smallest cholesky pivot element being 3.942e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 344 iterations, alpha=1.406e-04, previous alpha=2.880e-06, with an active set of 255 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 346 iterations, i.e. alpha=3.508e-06, with an active set of 252 regressors, and the smallest cholesky pivot element being 6.495e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=1.048e-05, previous alpha=3.477e-06, with an active set of 252 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 348 iterations, alpha=1.330e-04, previous alpha=3.407e-06, with an active set of 253 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=6.880e-05, previous alpha=4.438e-06, with an active set of 247 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=7.380e-05, previous alpha=4.315e-06, with an active set of 247 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 115 iterations, i.e. alpha=1.048e-04, with an active set of 109 regressors, and the smallest cholesky pivot element being 1.054e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 133 iterations, i.e. alpha=8.760e-05, with an active set of 119 regressors, and the smallest cholesky pivot element being 1.490e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 163 iterations, i.e. alpha=5.373e-05, with an active set of 147 regressors, and the smallest cholesky pivot element being 3.799e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 197 iterations, i.e. alpha=3.511e-05, with an active set of 171 regressors, and the smallest cholesky pivot element being 2.220e-16 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 348 iterations, alpha=9.027e-05, previous alpha=3.728e-06, with an active set of 247 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 245 iterations, alpha=1.932e-05, previous alpha=1.931e-05, with an active set of 200 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 348 iterations, alpha=9.720e-05, previous alpha=3.124e-06, with an active set of 257 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=2.041e-04, previous alpha=3.786e-06, with an active set of 248 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 351 iterations, alpha=9.205e-04, previous alpha=2.956e-06, with an active set of 252 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 344 iterations, alpha=1.406e-04, previous alpha=2.880e-06, with an active set of 253 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=1.850e-05, previous alpha=3.907e-06, with an active set of 252 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=3.320e-04, previous alpha=3.464e-06, with an active set of 247 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 348 iterations, alpha=2.700e-04, previous alpha=4.339e-06, with an active set of 247 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 356 iterations, alpha=5.254e-06, previous alpha=3.791e-06, with an active set of 251 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 116 iterations, i.e. alpha=1.000e-04, with an active set of 110 regressors, and the smallest cholesky pivot element being 1.490e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 312 iterations, i.e. alpha=6.001e-06, with an active set of 246 regressors, and the smallest cholesky pivot element being 1.490e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 312 iterations, i.e. alpha=5.867e-06, with an active set of 246 regressors, and the smallest cholesky pivot element being 4.712e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 313 iterations, alpha=5.885e-06, previous alpha=5.849e-06, with an active set of 246 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=5.589e-05, previous alpha=3.072e-06, with an active set of 256 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=2.041e-04, previous alpha=3.841e-06, with an active set of 247 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=4.240e-05, previous alpha=4.013e-06, with an active set of 243 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=8.803e-05, previous alpha=3.417e-06, with an active set of 246 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 344 iterations, alpha=2.572e-04, previous alpha=2.880e-06, with an active set of 253 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=1.002e-05, previous alpha=3.506e-06, with an active set of 248 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=2.054e-05, previous alpha=3.799e-06, with an active set of 250 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=2.435e-05, previous alpha=4.467e-06, with an active set of 246 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=7.378e-05, previous alpha=4.357e-06, with an active set of 246 regressors. ConvergenceWarning)
output_df
Dropped | RMSE | Diff from Base | |
---|---|---|---|
0 | () | 0.10890203559597166905 | 0.00000000000000000000 |
3 | ('MasVnrArea', 'MasVnrAreaLin') | 0.10891541003492731521 | 0.00001337443895564616 |
2 | ('MasVnrAreaLin',) | 0.10896847275158183521 | 0.00006643715561016617 |
1 | ('MasVnrArea',) | 0.10900871181861146453 | 0.00010667622263979548 |
drop_cands = ['LogGrLivArea', 'GrLivArea', 'TotalHouseArea', 'LivArea', 'LivAreaWt', 'AreasSum']
col_drop_results_df = pd.DataFrame(dtype = 'float64')
count = 0
for L in range(0, len(drop_cands)+1):
for subset in itertools.combinations(drop_cands, L):
drop_cols = list(subset)
col_drop_results_df.loc[count, 'Dropped'] = str(subset)
x_train = train_df.drop(['HouseId', 'SalePrice', 'GarageAge', 'GarageAgeLin'] + drop_cols,axis=1).values
x_validation = validation_df.drop(['HouseId', 'SalePrice', 'GarageAge', 'GarageAgeLin'] + drop_cols,axis=1).values
lr.fit(x_train, y_train)
y_pred = lr.predict(x_validation)
error = rmse(y_validation, y_pred)
col_drop_results_df.loc[count, 'RMSE'] = error
col_drop_results_df.loc[count, 'Diff from Base'] = error - baseline
count += 1
output_df = col_drop_results_df.sort_values(['RMSE'])
/usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 115 iterations, i.e. alpha=1.048e-04, with an active set of 109 regressors, and the smallest cholesky pivot element being 1.054e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 133 iterations, i.e. alpha=8.760e-05, with an active set of 119 regressors, and the smallest cholesky pivot element being 1.490e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 163 iterations, i.e. alpha=5.373e-05, with an active set of 147 regressors, and the smallest cholesky pivot element being 3.799e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 197 iterations, i.e. alpha=3.511e-05, with an active set of 171 regressors, and the smallest cholesky pivot element being 2.220e-16 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 245 iterations, alpha=1.932e-05, previous alpha=1.931e-05, with an active set of 200 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 348 iterations, alpha=5.977e-05, previous alpha=3.432e-06, with an active set of 257 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 348 iterations, alpha=7.496e-05, previous alpha=3.719e-06, with an active set of 247 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 348 iterations, alpha=2.041e-04, previous alpha=3.781e-06, with an active set of 249 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=8.816e-05, previous alpha=3.293e-06, with an active set of 250 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=6.598e-04, previous alpha=2.759e-06, with an active set of 255 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 348 iterations, alpha=2.226e-04, previous alpha=3.046e-06, with an active set of 257 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=9.999e-06, previous alpha=3.499e-06, with an active set of 252 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=6.879e-05, previous alpha=4.501e-06, with an active set of 248 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 355 iterations, alpha=9.452e-05, previous alpha=3.797e-06, with an active set of 252 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 115 iterations, i.e. alpha=1.048e-04, with an active set of 109 regressors, and the smallest cholesky pivot element being 1.054e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 133 iterations, i.e. alpha=8.760e-05, with an active set of 119 regressors, and the smallest cholesky pivot element being 1.490e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 163 iterations, i.e. alpha=5.373e-05, with an active set of 147 regressors, and the smallest cholesky pivot element being 3.799e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=3.695e-05, previous alpha=4.291e-06, with an active set of 246 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 197 iterations, i.e. alpha=3.511e-05, with an active set of 171 regressors, and the smallest cholesky pivot element being 2.220e-16 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 245 iterations, alpha=1.932e-05, previous alpha=1.931e-05, with an active set of 200 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=5.523e-05, previous alpha=3.345e-06, with an active set of 253 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 348 iterations, alpha=2.350e-04, previous alpha=3.824e-06, with an active set of 247 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 349 iterations, alpha=8.367e-05, previous alpha=3.424e-06, with an active set of 248 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 331 iterations, i.e. alpha=4.298e-06, with an active set of 245 regressors, and the smallest cholesky pivot element being 2.220e-16 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=5.987e-06, previous alpha=3.620e-06, with an active set of 251 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 353 iterations, alpha=2.003e-03, previous alpha=2.378e-06, with an active set of 260 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 349 iterations, alpha=2.781e-04, previous alpha=3.023e-06, with an active set of 256 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 348 iterations, alpha=6.227e-05, previous alpha=4.508e-06, with an active set of 249 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=4.329e-06, previous alpha=4.315e-06, with an active set of 244 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 121 iterations, i.e. alpha=9.518e-05, with an active set of 111 regressors, and the smallest cholesky pivot element being 1.490e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 123 iterations, i.e. alpha=9.453e-05, with an active set of 113 regressors, and the smallest cholesky pivot element being 1.825e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 143 iterations, i.e. alpha=7.032e-05, with an active set of 129 regressors, and the smallest cholesky pivot element being 2.581e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 171 iterations, alpha=5.142e-05, previous alpha=5.109e-05, with an active set of 156 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 348 iterations, alpha=8.804e-05, previous alpha=4.575e-06, with an active set of 245 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 348 iterations, alpha=9.656e-05, previous alpha=3.448e-06, with an active set of 255 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=3.465e-05, previous alpha=4.208e-06, with an active set of 247 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 350 iterations, alpha=8.819e-04, previous alpha=3.099e-06, with an active set of 251 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=4.332e-04, previous alpha=3.024e-06, with an active set of 254 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 348 iterations, alpha=1.594e-05, previous alpha=3.641e-06, with an active set of 249 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 350 iterations, alpha=2.008e-04, previous alpha=3.572e-06, with an active set of 255 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=2.801e-05, previous alpha=4.452e-06, with an active set of 248 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 352 iterations, alpha=1.043e-05, previous alpha=4.065e-06, with an active set of 251 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 114 iterations, i.e. alpha=1.050e-04, with an active set of 108 regressors, and the smallest cholesky pivot element being 2.220e-16 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 142 iterations, i.e. alpha=7.306e-05, with an active set of 128 regressors, and the smallest cholesky pivot element being 2.220e-16 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 156 iterations, alpha=5.909e-05, previous alpha=5.708e-05, with an active set of 141 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=2.986e-05, previous alpha=4.246e-06, with an active set of 247 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 348 iterations, alpha=4.331e-05, previous alpha=2.644e-06, with an active set of 257 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=1.759e-04, previous alpha=4.055e-06, with an active set of 245 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=2.165e-05, previous alpha=3.649e-06, with an active set of 246 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=3.294e-04, previous alpha=3.093e-06, with an active set of 255 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 339 iterations, i.e. alpha=3.783e-06, with an active set of 245 regressors, and the smallest cholesky pivot element being 2.788e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 351 iterations, alpha=2.369e-05, previous alpha=3.427e-06, with an active set of 256 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 342 iterations, i.e. alpha=3.705e-06, with an active set of 248 regressors, and the smallest cholesky pivot element being 2.788e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=6.424e-06, previous alpha=3.430e-06, with an active set of 250 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=5.584e-05, previous alpha=3.903e-06, with an active set of 246 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 349 iterations, alpha=3.932e-05, previous alpha=4.109e-06, with an active set of 250 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 110 iterations, i.e. alpha=1.121e-04, with an active set of 102 regressors, and the smallest cholesky pivot element being 1.825e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 137 iterations, i.e. alpha=8.345e-05, with an active set of 121 regressors, and the smallest cholesky pivot element being 1.490e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 155 iterations, alpha=6.020e-05, previous alpha=6.015e-05, with an active set of 138 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=2.311e-04, previous alpha=5.489e-06, with an active set of 244 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 349 iterations, alpha=2.200e-04, previous alpha=3.173e-06, with an active set of 256 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=2.551e-04, previous alpha=3.655e-06, with an active set of 250 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=7.966e-04, previous alpha=3.126e-06, with an active set of 252 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 348 iterations, alpha=1.005e-03, previous alpha=2.784e-06, with an active set of 257 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 347 iterations, i.e. alpha=3.563e-06, with an active set of 249 regressors, and the smallest cholesky pivot element being 2.356e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 349 iterations, alpha=4.888e-05, previous alpha=3.543e-06, with an active set of 250 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=2.044e-05, previous alpha=4.003e-06, with an active set of 253 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=6.189e-05, previous alpha=3.957e-06, with an active set of 248 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 354 iterations, alpha=1.116e-04, previous alpha=3.758e-06, with an active set of 253 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 154 iterations, i.e. alpha=5.970e-05, with an active set of 138 regressors, and the smallest cholesky pivot element being 2.107e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 164 iterations, i.e. alpha=5.104e-05, with an active set of 148 regressors, and the smallest cholesky pivot element being 2.107e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 235 iterations, i.e. alpha=1.844e-05, with an active set of 191 regressors, and the smallest cholesky pivot element being 2.107e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 238 iterations, alpha=1.812e-05, previous alpha=1.794e-05, with an active set of 193 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=6.354e-05, previous alpha=4.241e-06, with an active set of 247 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=1.508e-04, previous alpha=3.391e-06, with an active set of 250 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=5.574e-05, previous alpha=3.432e-06, with an active set of 257 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=2.983e-05, previous alpha=2.952e-06, with an active set of 251 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=1.908e-03, previous alpha=3.075e-06, with an active set of 254 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=7.375e-06, previous alpha=3.585e-06, with an active set of 253 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=8.330e-05, previous alpha=3.046e-06, with an active set of 257 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 351 iterations, alpha=1.045e-04, previous alpha=3.797e-06, with an active set of 252 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=3.582e-05, previous alpha=4.547e-06, with an active set of 249 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 139 iterations, i.e. alpha=7.299e-05, with an active set of 123 regressors, and the smallest cholesky pivot element being 3.942e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 207 iterations, i.e. alpha=2.696e-05, with an active set of 179 regressors, and the smallest cholesky pivot element being 9.996e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 210 iterations, i.e. alpha=2.661e-05, with an active set of 182 regressors, and the smallest cholesky pivot element being 9.996e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 212 iterations, i.e. alpha=2.522e-05, with an active set of 184 regressors, and the smallest cholesky pivot element being 9.996e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 213 iterations, alpha=2.527e-05, previous alpha=2.490e-05, with an active set of 184 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 351 iterations, alpha=1.212e-03, previous alpha=3.295e-06, with an active set of 252 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=3.201e-05, previous alpha=4.220e-06, with an active set of 243 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=3.544e-05, previous alpha=3.289e-06, with an active set of 257 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 349 iterations, alpha=3.242e-04, previous alpha=3.097e-06, with an active set of 250 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=3.707e-05, previous alpha=2.880e-06, with an active set of 255 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 349 iterations, alpha=7.094e-06, previous alpha=3.472e-06, with an active set of 250 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=6.823e-05, previous alpha=3.822e-06, with an active set of 255 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 350 iterations, alpha=5.411e-04, previous alpha=4.406e-06, with an active set of 249 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=1.099e-04, previous alpha=4.564e-06, with an active set of 245 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 121 iterations, i.e. alpha=9.518e-05, with an active set of 111 regressors, and the smallest cholesky pivot element being 1.490e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 123 iterations, i.e. alpha=9.453e-05, with an active set of 113 regressors, and the smallest cholesky pivot element being 1.054e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 143 iterations, i.e. alpha=7.032e-05, with an active set of 129 regressors, and the smallest cholesky pivot element being 2.581e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 171 iterations, alpha=5.142e-05, previous alpha=5.109e-05, with an active set of 156 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=5.389e-04, previous alpha=3.301e-06, with an active set of 254 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=7.065e-05, previous alpha=4.628e-06, with an active set of 246 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=3.337e-05, previous alpha=4.349e-06, with an active set of 244 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 349 iterations, alpha=5.060e-04, previous alpha=3.440e-06, with an active set of 250 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 331 iterations, i.e. alpha=4.214e-06, with an active set of 245 regressors, and the smallest cholesky pivot element being 1.490e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 332 iterations, i.e. alpha=4.211e-06, with an active set of 246 regressors, and the smallest cholesky pivot element being 1.490e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=4.930e-04, previous alpha=3.045e-06, with an active set of 250 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 333 iterations, i.e. alpha=4.186e-06, with an active set of 247 regressors, and the smallest cholesky pivot element being 1.490e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 334 iterations, alpha=4.188e-06, previous alpha=4.174e-06, with an active set of 247 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=8.664e-06, previous alpha=3.894e-06, with an active set of 254 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=1.017e-05, previous alpha=4.377e-06, with an active set of 251 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=2.962e-05, previous alpha=4.259e-06, with an active set of 247 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 114 iterations, i.e. alpha=1.050e-04, with an active set of 108 regressors, and the smallest cholesky pivot element being 1.054e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 142 iterations, i.e. alpha=7.306e-05, with an active set of 128 regressors, and the smallest cholesky pivot element being 2.220e-16 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 156 iterations, alpha=5.909e-05, previous alpha=5.708e-05, with an active set of 141 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=1.643e-04, previous alpha=2.789e-06, with an active set of 258 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=9.163e-05, previous alpha=3.698e-06, with an active set of 248 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=6.785e-05, previous alpha=4.239e-06, with an active set of 248 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=4.902e-05, previous alpha=3.378e-06, with an active set of 249 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=1.524e-04, previous alpha=2.802e-06, with an active set of 248 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 332 iterations, i.e. alpha=4.471e-06, with an active set of 248 regressors, and the smallest cholesky pivot element being 1.490e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 348 iterations, alpha=1.121e-04, previous alpha=3.346e-06, with an active set of 257 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 349 iterations, alpha=5.131e-05, previous alpha=3.534e-06, with an active set of 254 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=5.006e-05, previous alpha=5.152e-06, with an active set of 241 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=9.046e-05, previous alpha=4.666e-06, with an active set of 248 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 110 iterations, i.e. alpha=1.121e-04, with an active set of 102 regressors, and the smallest cholesky pivot element being 1.825e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 137 iterations, i.e. alpha=8.345e-05, with an active set of 121 regressors, and the smallest cholesky pivot element being 1.490e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 155 iterations, alpha=6.020e-05, previous alpha=6.015e-05, with an active set of 138 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=3.393e-05, previous alpha=3.735e-06, with an active set of 248 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=2.311e-04, previous alpha=5.483e-06, with an active set of 243 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 353 iterations, alpha=8.528e-04, previous alpha=2.807e-06, with an active set of 258 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 348 iterations, alpha=1.066e-04, previous alpha=3.397e-06, with an active set of 249 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=3.296e-04, previous alpha=2.984e-06, with an active set of 254 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 341 iterations, i.e. alpha=3.898e-06, with an active set of 245 regressors, and the smallest cholesky pivot element being 2.220e-16 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 346 iterations, i.e. alpha=3.597e-06, with an active set of 250 regressors, and the smallest cholesky pivot element being 2.220e-16 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 346 iterations, i.e. alpha=3.574e-06, with an active set of 250 regressors, and the smallest cholesky pivot element being 6.234e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=4.748e-05, previous alpha=3.528e-06, with an active set of 250 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=8.395e-05, previous alpha=3.891e-06, with an active set of 254 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=3.354e-05, previous alpha=4.217e-06, with an active set of 249 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 354 iterations, alpha=1.142e-04, previous alpha=3.719e-06, with an active set of 251 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 157 iterations, i.e. alpha=5.565e-05, with an active set of 141 regressors, and the smallest cholesky pivot element being 2.107e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 205 iterations, i.e. alpha=2.839e-05, with an active set of 177 regressors, and the smallest cholesky pivot element being 3.332e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 205 iterations, i.e. alpha=2.801e-05, with an active set of 177 regressors, and the smallest cholesky pivot element being 3.332e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 259 iterations, i.e. alpha=1.419e-05, with an active set of 203 regressors, and the smallest cholesky pivot element being 1.825e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 264 iterations, i.e. alpha=1.239e-05, with an active set of 208 regressors, and the smallest cholesky pivot element being 1.825e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 269 iterations, alpha=1.184e-05, previous alpha=1.137e-05, with an active set of 212 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 354 iterations, alpha=3.122e-04, previous alpha=3.027e-06, with an active set of 255 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=4.052e-04, previous alpha=3.168e-06, with an active set of 252 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=1.371e-04, previous alpha=4.480e-06, with an active set of 245 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 352 iterations, alpha=8.243e-04, previous alpha=2.925e-06, with an active set of 255 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 327 iterations, i.e. alpha=4.428e-06, with an active set of 243 regressors, and the smallest cholesky pivot element being 1.825e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=1.164e-05, previous alpha=3.912e-06, with an active set of 252 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=5.859e-04, previous alpha=3.212e-06, with an active set of 252 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 348 iterations, alpha=3.145e-04, previous alpha=3.501e-06, with an active set of 253 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=7.549e-05, previous alpha=4.508e-06, with an active set of 249 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=1.721e-05, previous alpha=4.171e-06, with an active set of 246 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 139 iterations, i.e. alpha=7.299e-05, with an active set of 123 regressors, and the smallest cholesky pivot element being 3.942e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 207 iterations, i.e. alpha=2.696e-05, with an active set of 179 regressors, and the smallest cholesky pivot element being 9.996e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 210 iterations, i.e. alpha=2.661e-05, with an active set of 182 regressors, and the smallest cholesky pivot element being 9.996e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 212 iterations, i.e. alpha=2.522e-05, with an active set of 184 regressors, and the smallest cholesky pivot element being 9.996e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 213 iterations, alpha=2.527e-05, previous alpha=2.490e-05, with an active set of 184 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=1.523e-04, previous alpha=4.107e-06, with an active set of 242 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=1.085e-04, previous alpha=3.322e-06, with an active set of 254 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=3.372e-04, previous alpha=3.534e-06, with an active set of 246 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 348 iterations, alpha=4.227e-04, previous alpha=3.506e-06, with an active set of 245 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 338 iterations, i.e. alpha=4.149e-06, with an active set of 248 regressors, and the smallest cholesky pivot element being 1.825e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=2.202e-05, previous alpha=3.468e-06, with an active set of 253 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 351 iterations, alpha=7.119e-05, previous alpha=2.314e-06, with an active set of 260 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 349 iterations, alpha=1.703e-04, previous alpha=3.167e-06, with an active set of 256 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 349 iterations, alpha=6.101e-05, previous alpha=4.403e-06, with an active set of 248 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 348 iterations, alpha=2.584e-05, previous alpha=4.397e-06, with an active set of 245 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 122 iterations, i.e. alpha=9.379e-05, with an active set of 112 regressors, and the smallest cholesky pivot element being 2.107e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 145 iterations, i.e. alpha=6.806e-05, with an active set of 131 regressors, and the smallest cholesky pivot element being 3.332e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 186 iterations, i.e. alpha=3.616e-05, with an active set of 164 regressors, and the smallest cholesky pivot element being 1.054e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 188 iterations, i.e. alpha=3.579e-05, with an active set of 166 regressors, and the smallest cholesky pivot element being 1.054e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 197 iterations, alpha=2.971e-05, previous alpha=2.934e-05, with an active set of 172 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=5.726e-05, previous alpha=3.965e-06, with an active set of 249 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=2.008e-05, previous alpha=2.912e-06, with an active set of 254 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=4.051e-05, previous alpha=3.487e-06, with an active set of 251 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=5.503e-05, previous alpha=3.474e-06, with an active set of 246 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=1.171e-04, previous alpha=2.784e-06, with an active set of 254 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=1.092e-05, previous alpha=3.328e-06, with an active set of 250 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=8.904e-04, previous alpha=4.553e-06, with an active set of 248 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=2.927e-05, previous alpha=4.347e-06, with an active set of 246 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=9.170e-05, previous alpha=4.974e-06, with an active set of 242 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 110 iterations, i.e. alpha=1.107e-04, with an active set of 102 regressors, and the smallest cholesky pivot element being 1.490e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 135 iterations, i.e. alpha=8.310e-05, with an active set of 119 regressors, and the smallest cholesky pivot element being 2.107e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 139 iterations, i.e. alpha=7.779e-05, with an active set of 123 regressors, and the smallest cholesky pivot element being 2.107e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 167 iterations, alpha=5.318e-05, previous alpha=5.245e-05, with an active set of 150 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=1.150e-04, previous alpha=5.581e-06, with an active set of 246 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=7.414e-05, previous alpha=4.228e-06, with an active set of 246 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 351 iterations, alpha=2.941e-04, previous alpha=3.411e-06, with an active set of 254 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 349 iterations, alpha=6.110e-04, previous alpha=3.034e-06, with an active set of 256 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=4.982e-04, previous alpha=3.641e-06, with an active set of 248 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 348 iterations, alpha=1.245e-03, previous alpha=3.136e-06, with an active set of 251 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=3.670e-05, previous alpha=4.233e-06, with an active set of 251 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=5.989e-05, previous alpha=4.348e-06, with an active set of 247 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=2.163e-04, previous alpha=5.116e-06, with an active set of 244 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 143 iterations, i.e. alpha=8.281e-05, with an active set of 127 regressors, and the smallest cholesky pivot element being 1.825e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 222 iterations, i.e. alpha=2.360e-05, with an active set of 184 regressors, and the smallest cholesky pivot element being 2.980e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 271 iterations, i.e. alpha=1.094e-05, with an active set of 219 regressors, and the smallest cholesky pivot element being 3.332e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=9.418e-05, previous alpha=3.448e-06, with an active set of 255 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 272 iterations, alpha=1.082e-05, previous alpha=1.076e-05, with an active set of 219 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=5.800e-05, previous alpha=3.200e-06, with an active set of 251 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=1.066e-04, previous alpha=5.460e-06, with an active set of 246 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 350 iterations, alpha=7.766e-04, previous alpha=3.099e-06, with an active set of 251 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=4.082e-04, previous alpha=3.024e-06, with an active set of 254 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=8.370e-05, previous alpha=3.572e-06, with an active set of 255 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 346 iterations, i.e. alpha=3.619e-06, with an active set of 250 regressors, and the smallest cholesky pivot element being 2.220e-16 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 346 iterations, i.e. alpha=3.596e-06, with an active set of 250 regressors, and the smallest cholesky pivot element being 6.495e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 348 iterations, alpha=4.428e-05, previous alpha=3.476e-06, with an active set of 251 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=2.164e-05, previous alpha=4.639e-06, with an active set of 248 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=2.143e-04, previous alpha=4.750e-06, with an active set of 244 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 283 iterations, i.e. alpha=9.670e-06, with an active set of 219 regressors, and the smallest cholesky pivot element being 1.490e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 284 iterations, i.e. alpha=9.609e-06, with an active set of 220 regressors, and the smallest cholesky pivot element being 1.490e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 349 iterations, alpha=1.942e-04, previous alpha=4.673e-06, with an active set of 246 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=2.004e-04, previous alpha=3.079e-06, with an active set of 257 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 327 iterations, alpha=4.963e-06, previous alpha=4.957e-06, with an active set of 238 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=2.974e-04, previous alpha=3.999e-06, with an active set of 245 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=2.664e-05, previous alpha=3.244e-06, with an active set of 248 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=3.710e-05, previous alpha=2.812e-06, with an active set of 254 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 345 iterations, i.e. alpha=3.784e-06, with an active set of 245 regressors, and the smallest cholesky pivot element being 1.490e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=1.020e-04, previous alpha=3.784e-06, with an active set of 245 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=1.660e-03, previous alpha=4.220e-06, with an active set of 254 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=1.133e-04, previous alpha=4.241e-06, with an active set of 249 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=1.107e-03, previous alpha=4.774e-06, with an active set of 245 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 110 iterations, i.e. alpha=1.121e-04, with an active set of 102 regressors, and the smallest cholesky pivot element being 1.825e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 136 iterations, i.e. alpha=8.345e-05, with an active set of 120 regressors, and the smallest cholesky pivot element being 1.490e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 154 iterations, alpha=6.042e-05, previous alpha=6.009e-05, with an active set of 137 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=5.608e-05, previous alpha=2.933e-06, with an active set of 252 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=4.253e-04, previous alpha=4.426e-06, with an active set of 246 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=5.353e-05, previous alpha=4.694e-06, with an active set of 244 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=6.732e-05, previous alpha=3.543e-06, with an active set of 249 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=3.483e-05, previous alpha=2.880e-06, with an active set of 257 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=9.821e-06, previous alpha=3.710e-06, with an active set of 250 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=1.285e-04, previous alpha=4.782e-06, with an active set of 245 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=7.414e-05, previous alpha=4.757e-06, with an active set of 244 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=2.925e-05, previous alpha=4.388e-06, with an active set of 246 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 113 iterations, i.e. alpha=1.005e-04, with an active set of 109 regressors, and the smallest cholesky pivot element being 2.107e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 131 iterations, i.e. alpha=8.591e-05, with an active set of 119 regressors, and the smallest cholesky pivot element being 2.107e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 155 iterations, i.e. alpha=5.726e-05, with an active set of 141 regressors, and the smallest cholesky pivot element being 2.788e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 175 iterations, alpha=4.747e-05, previous alpha=4.746e-05, with an active set of 160 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=2.630e-05, previous alpha=3.850e-06, with an active set of 248 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=1.159e-05, previous alpha=2.624e-06, with an active set of 256 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=5.826e-05, previous alpha=3.435e-06, with an active set of 251 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=9.297e-04, previous alpha=3.407e-06, with an active set of 248 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 344 iterations, i.e. alpha=3.558e-06, with an active set of 250 regressors, and the smallest cholesky pivot element being 2.107e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 350 iterations, alpha=1.109e-03, previous alpha=3.093e-06, with an active set of 255 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 345 iterations, i.e. alpha=3.517e-06, with an active set of 251 regressors, and the smallest cholesky pivot element being 2.107e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 345 iterations, i.e. alpha=3.494e-06, with an active set of 251 regressors, and the smallest cholesky pivot element being 6.580e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 348 iterations, alpha=6.521e-05, previous alpha=3.250e-06, with an active set of 253 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=2.521e-04, previous alpha=4.246e-06, with an active set of 252 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=1.276e-04, previous alpha=4.495e-06, with an active set of 246 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 349 iterations, alpha=1.035e-04, previous alpha=3.800e-06, with an active set of 254 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 116 iterations, i.e. alpha=1.039e-04, with an active set of 108 regressors, and the smallest cholesky pivot element being 1.825e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 154 iterations, i.e. alpha=6.393e-05, with an active set of 134 regressors, and the smallest cholesky pivot element being 3.332e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 175 iterations, alpha=5.041e-05, previous alpha=5.003e-05, with an active set of 154 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 344 iterations, alpha=1.926e-05, previous alpha=4.955e-06, with an active set of 237 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 344 iterations, alpha=1.825e-04, previous alpha=4.211e-06, with an active set of 243 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 344 iterations, alpha=6.827e-05, previous alpha=3.007e-06, with an active set of 255 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 344 iterations, alpha=1.517e-04, previous alpha=3.425e-06, with an active set of 245 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 349 iterations, alpha=2.143e-03, previous alpha=3.077e-06, with an active set of 254 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 334 iterations, i.e. alpha=3.901e-06, with an active set of 242 regressors, and the smallest cholesky pivot element being 2.581e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 335 iterations, i.e. alpha=3.899e-06, with an active set of 243 regressors, and the smallest cholesky pivot element being 2.581e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 335 iterations, i.e. alpha=3.873e-06, with an active set of 243 regressors, and the smallest cholesky pivot element being 6.989e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 343 iterations, alpha=3.436e-06, previous alpha=3.423e-06, with an active set of 250 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 344 iterations, alpha=1.707e-04, previous alpha=4.460e-06, with an active set of 245 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 349 iterations, alpha=2.058e-04, previous alpha=4.983e-06, with an active set of 248 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 344 iterations, alpha=2.541e-04, previous alpha=4.671e-06, with an active set of 243 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 111 iterations, i.e. alpha=1.067e-04, with an active set of 103 regressors, and the smallest cholesky pivot element being 3.332e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 266 iterations, i.e. alpha=1.185e-05, with an active set of 212 regressors, and the smallest cholesky pivot element being 2.220e-16 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 268 iterations, i.e. alpha=1.153e-05, with an active set of 212 regressors, and the smallest cholesky pivot element being 2.220e-16 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 280 iterations, alpha=9.653e-06, previous alpha=9.566e-06, with an active set of 223 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=1.614e-04, previous alpha=4.708e-06, with an active set of 244 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=8.477e-05, previous alpha=3.506e-06, with an active set of 254 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=4.108e-04, previous alpha=3.567e-06, with an active set of 248 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=4.715e-04, previous alpha=3.126e-06, with an active set of 252 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=1.098e-03, previous alpha=3.149e-06, with an active set of 250 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 348 iterations, alpha=5.137e-06, previous alpha=4.027e-06, with an active set of 253 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 343 iterations, alpha=9.254e-05, previous alpha=2.763e-06, with an active set of 254 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 351 iterations, alpha=3.147e-04, previous alpha=3.390e-06, with an active set of 254 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 349 iterations, alpha=1.002e-04, previous alpha=3.865e-06, with an active set of 250 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 154 iterations, i.e. alpha=5.866e-05, with an active set of 136 regressors, and the smallest cholesky pivot element being 2.107e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 263 iterations, alpha=1.680e-05, previous alpha=1.668e-05, with an active set of 202 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=3.481e-04, previous alpha=4.162e-06, with an active set of 245 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=5.630e-05, previous alpha=4.134e-06, with an active set of 245 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=2.251e-04, previous alpha=3.352e-06, with an active set of 256 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 348 iterations, alpha=4.168e-04, previous alpha=3.120e-06, with an active set of 249 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 350 iterations, alpha=1.787e-04, previous alpha=3.177e-06, with an active set of 257 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=3.976e-05, previous alpha=2.692e-06, with an active set of 256 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 343 iterations, i.e. alpha=3.439e-06, with an active set of 249 regressors, and the smallest cholesky pivot element being 2.980e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=2.722e-05, previous alpha=4.335e-06, with an active set of 248 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 347 iterations, i.e. alpha=3.385e-06, with an active set of 251 regressors, and the smallest cholesky pivot element being 2.107e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 347 iterations, i.e. alpha=3.363e-06, with an active set of 251 regressors, and the smallest cholesky pivot element being 7.068e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 348 iterations, alpha=1.654e-03, previous alpha=3.338e-06, with an active set of 251 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 349 iterations, alpha=2.556e-04, previous alpha=4.434e-06, with an active set of 246 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 136 iterations, i.e. alpha=8.385e-05, with an active set of 118 regressors, and the smallest cholesky pivot element being 2.220e-16 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 148 iterations, i.e. alpha=7.013e-05, with an active set of 130 regressors, and the smallest cholesky pivot element being 2.220e-16 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 166 iterations, i.e. alpha=5.277e-05, with an active set of 144 regressors, and the smallest cholesky pivot element being 1.054e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 166 iterations, i.e. alpha=5.263e-05, with an active set of 144 regressors, and the smallest cholesky pivot element being 1.054e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=3.808e-06, previous alpha=3.499e-06, with an active set of 257 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 210 iterations, i.e. alpha=2.638e-05, with an active set of 178 regressors, and the smallest cholesky pivot element being 2.107e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=1.362e-04, previous alpha=4.220e-06, with an active set of 243 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 214 iterations, alpha=2.585e-05, previous alpha=2.584e-05, with an active set of 181 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 350 iterations, alpha=2.657e-04, previous alpha=3.296e-06, with an active set of 251 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=8.898e-05, previous alpha=3.075e-06, with an active set of 254 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=8.307e-05, previous alpha=3.822e-06, with an active set of 255 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=2.437e-05, previous alpha=3.097e-06, with an active set of 250 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=5.502e-05, previous alpha=3.347e-06, with an active set of 250 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 348 iterations, alpha=1.205e-04, previous alpha=3.772e-06, with an active set of 249 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 349 iterations, alpha=1.107e-04, previous alpha=3.757e-06, with an active set of 254 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 152 iterations, i.e. alpha=6.022e-05, with an active set of 138 regressors, and the smallest cholesky pivot element being 3.161e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 170 iterations, i.e. alpha=4.821e-05, with an active set of 154 regressors, and the smallest cholesky pivot element being 3.161e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 171 iterations, alpha=4.817e-05, previous alpha=4.803e-05, with an active set of 154 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=4.555e-05, previous alpha=4.342e-06, with an active set of 246 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=7.800e-05, previous alpha=3.887e-06, with an active set of 247 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=1.049e-05, previous alpha=2.803e-06, with an active set of 257 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=6.440e-05, previous alpha=3.394e-06, with an active set of 249 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=1.935e-04, previous alpha=2.895e-06, with an active set of 246 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=6.923e-05, previous alpha=3.367e-06, with an active set of 255 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 325 iterations, i.e. alpha=5.002e-06, with an active set of 243 regressors, and the smallest cholesky pivot element being 2.107e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 342 iterations, i.e. alpha=4.005e-06, with an active set of 252 regressors, and the smallest cholesky pivot element being 3.495e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 342 iterations, i.e. alpha=3.979e-06, with an active set of 252 regressors, and the smallest cholesky pivot element being 6.495e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 343 iterations, alpha=4.005e-06, previous alpha=3.966e-06, with an active set of 252 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 344 iterations, alpha=5.633e-05, previous alpha=3.782e-06, with an active set of 245 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 344 iterations, alpha=1.023e-04, previous alpha=5.311e-06, with an active set of 245 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 110 iterations, i.e. alpha=1.107e-04, with an active set of 102 regressors, and the smallest cholesky pivot element being 1.490e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 135 iterations, i.e. alpha=8.310e-05, with an active set of 119 regressors, and the smallest cholesky pivot element being 2.107e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 139 iterations, i.e. alpha=7.779e-05, with an active set of 123 regressors, and the smallest cholesky pivot element being 2.107e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 167 iterations, alpha=5.318e-05, previous alpha=5.245e-05, with an active set of 150 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=2.937e-04, previous alpha=5.513e-06, with an active set of 246 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=9.634e-05, previous alpha=3.257e-06, with an active set of 254 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 344 iterations, alpha=3.469e-05, previous alpha=4.123e-06, with an active set of 243 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=1.014e-04, previous alpha=3.453e-06, with an active set of 249 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 344 iterations, alpha=7.132e-05, previous alpha=3.177e-06, with an active set of 251 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 342 iterations, i.e. alpha=3.883e-06, with an active set of 246 regressors, and the smallest cholesky pivot element being 2.356e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 343 iterations, i.e. alpha=3.870e-06, with an active set of 247 regressors, and the smallest cholesky pivot element being 2.356e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 343 iterations, i.e. alpha=3.844e-06, with an active set of 247 regressors, and the smallest cholesky pivot element being 6.409e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 344 iterations, alpha=1.385e-04, previous alpha=3.831e-06, with an active set of 247 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=2.471e-05, previous alpha=3.901e-06, with an active set of 253 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 344 iterations, alpha=2.881e-05, previous alpha=4.479e-06, with an active set of 251 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=7.620e-05, previous alpha=4.943e-06, with an active set of 243 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 148 iterations, i.e. alpha=6.863e-05, with an active set of 132 regressors, and the smallest cholesky pivot element being 4.593e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 159 iterations, i.e. alpha=6.143e-05, with an active set of 141 regressors, and the smallest cholesky pivot element being 2.581e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 179 iterations, i.e. alpha=4.963e-05, with an active set of 161 regressors, and the smallest cholesky pivot element being 2.581e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=7.037e-05, previous alpha=4.626e-06, with an active set of 246 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 208 iterations, alpha=3.017e-05, previous alpha=3.015e-05, with an active set of 175 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=3.412e-04, previous alpha=2.729e-06, with an active set of 256 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 348 iterations, alpha=1.103e-04, previous alpha=3.981e-06, with an active set of 245 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 344 iterations, alpha=1.866e-04, previous alpha=3.635e-06, with an active set of 247 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 348 iterations, alpha=1.529e-03, previous alpha=3.120e-06, with an active set of 253 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 344 iterations, alpha=1.010e-04, previous alpha=3.880e-06, with an active set of 245 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 344 iterations, alpha=1.340e-04, previous alpha=3.707e-06, with an active set of 253 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 344 iterations, alpha=2.518e-05, previous alpha=4.891e-06, with an active set of 241 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 348 iterations, alpha=1.011e-04, previous alpha=4.516e-06, with an active set of 251 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 184 iterations, i.e. alpha=4.300e-05, with an active set of 164 regressors, and the smallest cholesky pivot element being 2.980e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 277 iterations, i.e. alpha=1.006e-05, with an active set of 217 regressors, and the smallest cholesky pivot element being 2.220e-16 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 277 iterations, i.e. alpha=1.003e-05, with an active set of 217 regressors, and the smallest cholesky pivot element being 2.220e-16 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 280 iterations, i.e. alpha=9.528e-06, with an active set of 220 regressors, and the smallest cholesky pivot element being 9.657e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=1.473e-04, previous alpha=2.955e-06, with an active set of 257 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=2.653e-04, previous alpha=4.138e-06, with an active set of 242 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 320 iterations, i.e. alpha=5.028e-06, with an active set of 240 regressors, and the smallest cholesky pivot element being 1.490e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=6.187e-05, previous alpha=4.481e-06, with an active set of 240 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 320 iterations, i.e. alpha=4.933e-06, with an active set of 240 regressors, and the smallest cholesky pivot element being 1.490e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 321 iterations, alpha=5.028e-06, previous alpha=4.836e-06, with an active set of 240 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 328 iterations, i.e. alpha=4.452e-06, with an active set of 238 regressors, and the smallest cholesky pivot element being 2.581e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=7.344e-04, previous alpha=3.010e-06, with an active set of 253 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 351 iterations, alpha=1.016e-04, previous alpha=3.119e-06, with an active set of 250 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 345 iterations, i.e. alpha=3.624e-06, with an active set of 247 regressors, and the smallest cholesky pivot element being 1.490e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=6.971e-04, previous alpha=4.200e-06, with an active set of 259 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 345 iterations, i.e. alpha=3.600e-06, with an active set of 247 regressors, and the smallest cholesky pivot element being 6.909e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 349 iterations, alpha=4.756e-05, previous alpha=3.370e-06, with an active set of 250 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=2.338e-04, previous alpha=4.325e-06, with an active set of 247 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=1.775e-04, previous alpha=4.553e-06, with an active set of 244 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 110 iterations, i.e. alpha=1.121e-04, with an active set of 102 regressors, and the smallest cholesky pivot element being 1.825e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 136 iterations, i.e. alpha=8.345e-05, with an active set of 120 regressors, and the smallest cholesky pivot element being 1.490e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 154 iterations, alpha=6.042e-05, previous alpha=6.009e-05, with an active set of 137 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=3.666e-04, previous alpha=4.310e-06, with an active set of 248 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 349 iterations, alpha=5.005e-04, previous alpha=2.789e-06, with an active set of 258 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 349 iterations, alpha=4.887e-04, previous alpha=3.940e-06, with an active set of 248 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 344 iterations, alpha=2.889e-05, previous alpha=3.465e-06, with an active set of 247 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=9.176e-04, previous alpha=2.468e-06, with an active set of 251 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 325 iterations, i.e. alpha=4.873e-06, with an active set of 243 regressors, and the smallest cholesky pivot element being 2.581e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 344 iterations, i.e. alpha=3.960e-06, with an active set of 252 regressors, and the smallest cholesky pivot element being 2.356e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 344 iterations, i.e. alpha=3.934e-06, with an active set of 252 regressors, and the smallest cholesky pivot element being 6.747e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=4.294e-05, previous alpha=3.778e-06, with an active set of 254 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 351 iterations, alpha=1.446e-04, previous alpha=3.342e-06, with an active set of 256 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=2.470e-04, previous alpha=4.666e-06, with an active set of 248 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 349 iterations, alpha=8.463e-05, previous alpha=4.394e-06, with an active set of 246 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 113 iterations, i.e. alpha=1.005e-04, with an active set of 109 regressors, and the smallest cholesky pivot element being 2.107e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 131 iterations, i.e. alpha=8.591e-05, with an active set of 119 regressors, and the smallest cholesky pivot element being 2.107e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 155 iterations, i.e. alpha=5.726e-05, with an active set of 141 regressors, and the smallest cholesky pivot element being 2.788e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 179 iterations, alpha=4.491e-05, previous alpha=4.462e-05, with an active set of 158 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=6.124e-04, previous alpha=4.144e-06, with an active set of 246 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=1.936e-04, previous alpha=2.328e-06, with an active set of 258 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=2.533e-04, previous alpha=2.960e-06, with an active set of 252 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=1.111e-03, previous alpha=3.193e-06, with an active set of 247 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 344 iterations, alpha=2.058e-05, previous alpha=4.593e-06, with an active set of 253 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 350 iterations, alpha=6.842e-04, previous alpha=3.537e-06, with an active set of 249 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=4.402e-05, previous alpha=3.779e-06, with an active set of 256 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=2.420e-04, previous alpha=5.000e-06, with an active set of 248 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 344 iterations, alpha=2.872e-04, previous alpha=5.387e-06, with an active set of 239 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 116 iterations, i.e. alpha=1.039e-04, with an active set of 108 regressors, and the smallest cholesky pivot element being 1.825e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 154 iterations, i.e. alpha=6.393e-05, with an active set of 134 regressors, and the smallest cholesky pivot element being 3.332e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 174 iterations, alpha=5.070e-05, previous alpha=4.995e-05, with an active set of 153 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=9.774e-04, previous alpha=3.996e-06, with an active set of 247 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 344 iterations, alpha=7.171e-05, previous alpha=3.780e-06, with an active set of 237 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 349 iterations, alpha=1.773e-04, previous alpha=2.351e-06, with an active set of 256 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=7.864e-05, previous alpha=3.384e-06, with an active set of 250 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 313 iterations, i.e. alpha=5.754e-06, with an active set of 237 regressors, and the smallest cholesky pivot element being 2.581e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 313 iterations, i.e. alpha=5.717e-06, with an active set of 237 regressors, and the smallest cholesky pivot element being 6.747e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 317 iterations, alpha=5.363e-06, previous alpha=5.312e-06, with an active set of 240 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=9.317e-05, previous alpha=3.954e-06, with an active set of 246 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 344 iterations, alpha=1.927e-04, previous alpha=4.504e-06, with an active set of 247 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=1.011e-04, previous alpha=5.083e-06, with an active set of 251 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=2.279e-04, previous alpha=4.730e-06, with an active set of 242 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 110 iterations, i.e. alpha=1.071e-04, with an active set of 102 regressors, and the smallest cholesky pivot element being 3.332e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 141 iterations, i.e. alpha=7.760e-05, with an active set of 125 regressors, and the smallest cholesky pivot element being 3.495e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 143 iterations, i.e. alpha=7.506e-05, with an active set of 127 regressors, and the smallest cholesky pivot element being 3.495e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 145 iterations, alpha=7.490e-05, previous alpha=7.295e-05, with an active set of 128 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=4.106e-04, previous alpha=3.873e-06, with an active set of 247 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 348 iterations, alpha=1.636e-04, previous alpha=3.302e-06, with an active set of 251 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=6.977e-05, previous alpha=4.875e-06, with an active set of 246 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 344 iterations, alpha=1.719e-04, previous alpha=3.526e-06, with an active set of 247 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 344 iterations, alpha=8.572e-04, previous alpha=3.389e-06, with an active set of 251 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=9.996e-05, previous alpha=3.259e-06, with an active set of 248 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 348 iterations, alpha=2.381e-05, previous alpha=3.537e-06, with an active set of 253 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 349 iterations, alpha=6.606e-05, previous alpha=3.373e-06, with an active set of 252 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 344 iterations, alpha=2.853e-05, previous alpha=4.031e-06, with an active set of 247 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 154 iterations, i.e. alpha=5.866e-05, with an active set of 136 regressors, and the smallest cholesky pivot element being 2.107e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 263 iterations, alpha=1.682e-05, previous alpha=1.668e-05, with an active set of 202 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=1.537e-04, previous alpha=3.074e-06, with an active set of 257 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=5.943e-05, previous alpha=4.335e-06, with an active set of 242 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=1.450e-04, previous alpha=4.152e-06, with an active set of 242 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=6.134e-05, previous alpha=3.440e-06, with an active set of 244 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=6.980e-05, previous alpha=2.314e-06, with an active set of 260 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 340 iterations, i.e. alpha=3.714e-06, with an active set of 246 regressors, and the smallest cholesky pivot element being 1.054e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 342 iterations, i.e. alpha=3.664e-06, with an active set of 248 regressors, and the smallest cholesky pivot element being 1.054e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 342 iterations, i.e. alpha=3.640e-06, with an active set of 248 regressors, and the smallest cholesky pivot element being 7.068e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=4.637e-05, previous alpha=3.444e-06, with an active set of 252 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 348 iterations, alpha=1.776e-04, previous alpha=3.043e-06, with an active set of 255 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 344 iterations, alpha=2.230e-04, previous alpha=4.380e-06, with an active set of 247 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 348 iterations, alpha=2.557e-04, previous alpha=4.393e-06, with an active set of 245 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 136 iterations, i.e. alpha=8.385e-05, with an active set of 118 regressors, and the smallest cholesky pivot element being 2.220e-16 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 148 iterations, i.e. alpha=7.013e-05, with an active set of 130 regressors, and the smallest cholesky pivot element being 2.220e-16 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 166 iterations, i.e. alpha=5.277e-05, with an active set of 144 regressors, and the smallest cholesky pivot element being 1.054e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 166 iterations, i.e. alpha=5.263e-05, with an active set of 144 regressors, and the smallest cholesky pivot element being 1.054e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 210 iterations, i.e. alpha=2.638e-05, with an active set of 178 regressors, and the smallest cholesky pivot element being 2.107e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 214 iterations, alpha=2.585e-05, previous alpha=2.584e-05, with an active set of 181 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 349 iterations, alpha=2.554e-04, previous alpha=3.388e-06, with an active set of 248 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 345 iterations, i.e. alpha=4.112e-06, with an active set of 241 regressors, and the smallest cholesky pivot element being 1.054e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=9.494e-05, previous alpha=3.454e-06, with an active set of 253 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=1.606e-04, previous alpha=4.103e-06, with an active set of 242 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 344 iterations, alpha=3.427e-05, previous alpha=3.421e-06, with an active set of 251 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 322 iterations, i.e. alpha=4.540e-06, with an active set of 238 regressors, and the smallest cholesky pivot element being 2.356e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 327 iterations, i.e. alpha=4.395e-06, with an active set of 241 regressors, and the smallest cholesky pivot element being 2.788e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 334 iterations, alpha=4.199e-06, previous alpha=4.199e-06, with an active set of 247 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 344 iterations, alpha=3.353e-05, previous alpha=3.506e-06, with an active set of 245 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=5.863e-04, previous alpha=4.139e-06, with an active set of 254 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=9.699e-05, previous alpha=4.079e-06, with an active set of 246 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=8.523e-05, previous alpha=3.852e-06, with an active set of 252 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 110 iterations, i.e. alpha=1.107e-04, with an active set of 102 regressors, and the smallest cholesky pivot element being 1.490e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 134 iterations, i.e. alpha=8.310e-05, with an active set of 118 regressors, and the smallest cholesky pivot element being 2.107e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 145 iterations, i.e. alpha=6.805e-05, with an active set of 129 regressors, and the smallest cholesky pivot element being 2.107e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 151 iterations, i.e. alpha=6.231e-05, with an active set of 135 regressors, and the smallest cholesky pivot element being 2.107e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 162 iterations, alpha=5.413e-05, previous alpha=5.279e-05, with an active set of 145 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 348 iterations, alpha=1.049e-04, previous alpha=4.659e-06, with an active set of 245 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 349 iterations, alpha=2.894e-04, previous alpha=3.199e-06, with an active set of 252 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 344 iterations, alpha=5.606e-05, previous alpha=2.923e-06, with an active set of 253 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 298 iterations, i.e. alpha=7.688e-06, with an active set of 234 regressors, and the smallest cholesky pivot element being 2.581e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 330 iterations, i.e. alpha=4.736e-06, with an active set of 246 regressors, and the smallest cholesky pivot element being 2.220e-16 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 330 iterations, i.e. alpha=4.705e-06, with an active set of 246 regressors, and the smallest cholesky pivot element being 2.220e-16 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 331 iterations, alpha=4.736e-06, previous alpha=4.689e-06, with an active set of 246 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=1.530e-03, previous alpha=3.012e-06, with an active set of 254 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 350 iterations, alpha=2.566e-05, previous alpha=3.569e-06, with an active set of 255 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=1.013e-04, previous alpha=3.534e-06, with an active set of 247 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 344 iterations, alpha=2.611e-05, previous alpha=3.976e-06, with an active set of 245 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 344 iterations, alpha=1.784e-05, previous alpha=4.930e-06, with an active set of 245 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 142 iterations, i.e. alpha=8.371e-05, with an active set of 124 regressors, and the smallest cholesky pivot element being 2.788e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 179 iterations, i.e. alpha=4.508e-05, with an active set of 159 regressors, and the smallest cholesky pivot element being 2.107e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=2.922e-04, previous alpha=3.667e-06, with an active set of 250 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 180 iterations, alpha=4.480e-05, previous alpha=4.465e-05, with an active set of 159 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 349 iterations, alpha=5.685e-04, previous alpha=3.232e-06, with an active set of 252 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=4.451e-05, previous alpha=2.657e-06, with an active set of 254 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=1.016e-03, previous alpha=3.412e-06, with an active set of 248 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 348 iterations, alpha=5.992e-04, previous alpha=2.989e-06, with an active set of 253 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 302 iterations, i.e. alpha=6.322e-06, with an active set of 236 regressors, and the smallest cholesky pivot element being 2.107e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 350 iterations, alpha=2.390e-05, previous alpha=3.700e-06, with an active set of 255 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 344 iterations, i.e. alpha=3.389e-06, with an active set of 250 regressors, and the smallest cholesky pivot element being 5.162e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 344 iterations, i.e. alpha=3.367e-06, with an active set of 250 regressors, and the smallest cholesky pivot element being 6.144e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=6.532e-05, previous alpha=3.257e-06, with an active set of 252 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=8.161e-05, previous alpha=5.215e-06, with an active set of 243 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=1.041e-04, previous alpha=3.778e-06, with an active set of 247 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 175 iterations, i.e. alpha=4.984e-05, with an active set of 155 regressors, and the smallest cholesky pivot element being 3.161e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 185 iterations, i.e. alpha=3.835e-05, with an active set of 161 regressors, and the smallest cholesky pivot element being 1.054e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 251 iterations, alpha=1.462e-05, previous alpha=1.462e-05, with an active set of 204 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 343 iterations, alpha=2.517e-04, previous alpha=5.179e-06, with an active set of 240 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=2.870e-04, previous alpha=3.816e-06, with an active set of 244 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 343 iterations, alpha=1.208e-04, previous alpha=3.347e-06, with an active set of 254 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 343 iterations, alpha=4.464e-05, previous alpha=3.786e-06, with an active set of 248 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=2.340e-04, previous alpha=3.615e-06, with an active set of 244 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 305 iterations, i.e. alpha=6.380e-06, with an active set of 235 regressors, and the smallest cholesky pivot element being 2.980e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=7.730e-05, previous alpha=3.612e-06, with an active set of 248 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 343 iterations, alpha=6.421e-05, previous alpha=4.913e-06, with an active set of 246 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 343 iterations, alpha=1.899e-04, previous alpha=4.668e-06, with an active set of 244 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=2.140e-03, previous alpha=4.703e-06, with an active set of 244 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 158 iterations, i.e. alpha=6.058e-05, with an active set of 142 regressors, and the smallest cholesky pivot element being 2.788e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 281 iterations, i.e. alpha=9.714e-06, with an active set of 219 regressors, and the smallest cholesky pivot element being 3.495e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 282 iterations, i.e. alpha=9.559e-06, with an active set of 220 regressors, and the smallest cholesky pivot element being 3.495e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 286 iterations, alpha=9.359e-06, previous alpha=9.223e-06, with an active set of 223 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 349 iterations, alpha=1.705e-04, previous alpha=3.749e-06, with an active set of 248 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 344 iterations, alpha=3.821e-04, previous alpha=3.169e-06, with an active set of 255 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 344 iterations, alpha=1.312e-04, previous alpha=3.811e-06, with an active set of 249 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 344 iterations, alpha=4.008e-06, previous alpha=2.462e-06, with an active set of 251 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 344 iterations, alpha=8.575e-04, previous alpha=2.917e-06, with an active set of 255 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=4.536e-05, previous alpha=3.610e-06, with an active set of 247 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=2.077e-04, previous alpha=4.320e-06, with an active set of 249 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 344 iterations, alpha=8.336e-05, previous alpha=4.348e-06, with an active set of 247 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=5.271e-04, previous alpha=4.829e-06, with an active set of 244 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 185 iterations, i.e. alpha=4.165e-05, with an active set of 165 regressors, and the smallest cholesky pivot element being 2.107e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 208 iterations, i.e. alpha=2.815e-05, with an active set of 176 regressors, and the smallest cholesky pivot element being 1.490e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=2.046e-04, previous alpha=2.858e-06, with an active set of 256 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=2.887e-05, previous alpha=4.874e-06, with an active set of 244 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 268 iterations, alpha=1.354e-05, previous alpha=1.337e-05, with an active set of 211 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 355 iterations, alpha=7.706e-04, previous alpha=3.272e-06, with an active set of 252 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 344 iterations, alpha=8.380e-05, previous alpha=3.286e-06, with an active set of 247 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 349 iterations, alpha=1.176e-04, previous alpha=2.319e-06, with an active set of 260 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 350 iterations, alpha=5.403e-05, previous alpha=3.463e-06, with an active set of 249 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=1.375e-04, previous alpha=3.169e-06, with an active set of 257 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 351 iterations, alpha=6.900e-05, previous alpha=4.255e-06, with an active set of 250 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 344 iterations, alpha=6.910e-05, previous alpha=4.428e-06, with an active set of 249 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 146 iterations, i.e. alpha=6.999e-05, with an active set of 132 regressors, and the smallest cholesky pivot element being 1.825e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 175 iterations, i.e. alpha=4.952e-05, with an active set of 161 regressors, and the smallest cholesky pivot element being 1.825e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=1.365e-04, previous alpha=3.953e-06, with an active set of 246 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=1.304e-04, previous alpha=2.989e-06, with an active set of 257 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 249 iterations, alpha=1.785e-05, previous alpha=1.785e-05, with an active set of 198 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=7.010e-05, previous alpha=3.285e-06, with an active set of 250 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 344 iterations, alpha=2.486e-05, previous alpha=3.061e-06, with an active set of 249 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 351 iterations, alpha=4.827e-04, previous alpha=2.394e-06, with an active set of 260 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=5.862e-04, previous alpha=4.220e-06, with an active set of 254 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 337 iterations, i.e. alpha=4.044e-06, with an active set of 245 regressors, and the smallest cholesky pivot element being 2.581e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 344 iterations, alpha=6.253e-06, previous alpha=3.552e-06, with an active set of 247 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 348 iterations, alpha=5.019e-04, previous alpha=4.428e-06, with an active set of 249 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=2.040e-04, previous alpha=4.354e-06, with an active set of 248 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 109 iterations, i.e. alpha=1.101e-04, with an active set of 101 regressors, and the smallest cholesky pivot element being 3.650e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 258 iterations, i.e. alpha=1.431e-05, with an active set of 206 regressors, and the smallest cholesky pivot element being 2.581e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 281 iterations, alpha=1.050e-05, previous alpha=1.041e-05, with an active set of 220 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=4.614e-04, previous alpha=3.374e-06, with an active set of 250 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=2.751e-04, previous alpha=2.829e-06, with an active set of 252 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 344 iterations, alpha=5.038e-05, previous alpha=3.679e-06, with an active set of 245 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=6.535e-04, previous alpha=2.690e-06, with an active set of 254 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=1.595e-03, previous alpha=3.024e-06, with an active set of 251 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 344 iterations, alpha=1.562e-04, previous alpha=3.452e-06, with an active set of 249 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 350 iterations, alpha=1.173e-04, previous alpha=5.391e-06, with an active set of 245 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=8.415e-05, previous alpha=4.388e-06, with an active set of 246 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 348 iterations, alpha=5.656e-05, previous alpha=4.233e-06, with an active set of 247 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 133 iterations, i.e. alpha=8.031e-05, with an active set of 119 regressors, and the smallest cholesky pivot element being 2.220e-16 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 179 iterations, i.e. alpha=4.478e-05, with an active set of 155 regressors, and the smallest cholesky pivot element being 2.220e-16 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 182 iterations, alpha=4.234e-05, previous alpha=4.215e-05, with an active set of 157 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=4.552e-04, previous alpha=3.865e-06, with an active set of 242 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 348 iterations, alpha=3.536e-05, previous alpha=2.541e-06, with an active set of 255 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=2.870e-04, previous alpha=3.837e-06, with an active set of 244 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=7.864e-04, previous alpha=3.078e-06, with an active set of 254 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=6.977e-05, previous alpha=3.562e-06, with an active set of 242 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 339 iterations, i.e. alpha=3.866e-06, with an active set of 247 regressors, and the smallest cholesky pivot element being 3.332e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 341 iterations, i.e. alpha=3.853e-06, with an active set of 249 regressors, and the smallest cholesky pivot element being 3.332e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 342 iterations, alpha=3.764e-06, previous alpha=3.659e-06, with an active set of 249 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=2.025e-04, previous alpha=5.394e-06, with an active set of 248 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 343 iterations, alpha=7.942e-05, previous alpha=4.070e-06, with an active set of 248 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 350 iterations, alpha=3.141e-04, previous alpha=4.126e-06, with an active set of 253 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 122 iterations, i.e. alpha=1.052e-04, with an active set of 108 regressors, and the smallest cholesky pivot element being 2.980e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 156 iterations, i.e. alpha=6.511e-05, with an active set of 134 regressors, and the smallest cholesky pivot element being 2.107e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 158 iterations, alpha=6.460e-05, previous alpha=6.410e-05, with an active set of 135 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 344 iterations, alpha=1.180e-04, previous alpha=5.224e-06, with an active set of 241 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 344 iterations, alpha=1.775e-04, previous alpha=4.075e-06, with an active set of 243 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=2.392e-05, previous alpha=2.543e-06, with an active set of 256 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=6.620e-04, previous alpha=3.866e-06, with an active set of 243 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=5.603e-04, previous alpha=3.382e-06, with an active set of 250 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 353 iterations, alpha=1.192e-03, previous alpha=3.077e-06, with an active set of 254 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=1.567e-04, previous alpha=5.567e-06, with an active set of 244 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 344 iterations, alpha=1.271e-04, previous alpha=4.598e-06, with an active set of 245 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=4.551e-05, previous alpha=4.690e-06, with an active set of 244 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 151 iterations, i.e. alpha=5.964e-05, with an active set of 133 regressors, and the smallest cholesky pivot element being 3.942e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 189 iterations, i.e. alpha=3.940e-05, with an active set of 165 regressors, and the smallest cholesky pivot element being 1.825e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 210 iterations, i.e. alpha=2.553e-05, with an active set of 182 regressors, and the smallest cholesky pivot element being 3.332e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 216 iterations, i.e. alpha=2.439e-05, with an active set of 182 regressors, and the smallest cholesky pivot element being 2.788e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 216 iterations, i.e. alpha=2.431e-05, with an active set of 182 regressors, and the smallest cholesky pivot element being 2.788e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=1.811e-04, previous alpha=3.971e-06, with an active set of 244 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 254 iterations, i.e. alpha=1.220e-05, with an active set of 208 regressors, and the smallest cholesky pivot element being 2.107e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=1.190e-04, previous alpha=3.352e-06, with an active set of 256 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 273 iterations, i.e. alpha=9.268e-06, with an active set of 223 regressors, and the smallest cholesky pivot element being 6.829e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 274 iterations, alpha=9.199e-06, previous alpha=9.062e-06, with an active set of 223 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=1.432e-04, previous alpha=2.595e-06, with an active set of 253 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 344 iterations, alpha=1.321e-04, previous alpha=3.365e-06, with an active set of 247 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 344 iterations, alpha=5.340e-04, previous alpha=3.097e-06, with an active set of 249 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=1.856e-04, previous alpha=2.812e-06, with an active set of 256 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 344 iterations, alpha=2.106e-04, previous alpha=3.454e-06, with an active set of 253 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=5.604e-05, previous alpha=3.772e-06, with an active set of 249 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 351 iterations, alpha=1.077e-04, previous alpha=3.869e-06, with an active set of 252 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 110 iterations, i.e. alpha=1.107e-04, with an active set of 102 regressors, and the smallest cholesky pivot element being 1.490e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 134 iterations, i.e. alpha=8.310e-05, with an active set of 118 regressors, and the smallest cholesky pivot element being 1.490e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 145 iterations, i.e. alpha=6.805e-05, with an active set of 129 regressors, and the smallest cholesky pivot element being 1.490e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 151 iterations, i.e. alpha=6.231e-05, with an active set of 135 regressors, and the smallest cholesky pivot element being 1.490e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 162 iterations, alpha=5.413e-05, previous alpha=5.279e-05, with an active set of 145 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 343 iterations, alpha=7.087e-05, previous alpha=5.188e-06, with an active set of 242 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=5.973e-04, previous alpha=2.849e-06, with an active set of 256 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 344 iterations, alpha=2.856e-04, previous alpha=3.705e-06, with an active set of 249 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 344 iterations, alpha=6.748e-05, previous alpha=3.394e-06, with an active set of 249 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 343 iterations, alpha=1.147e-04, previous alpha=2.895e-06, with an active set of 246 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 343 iterations, alpha=1.902e-05, previous alpha=4.403e-06, with an active set of 250 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 344 iterations, alpha=1.227e-05, previous alpha=3.872e-06, with an active set of 251 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 343 iterations, alpha=2.907e-05, previous alpha=4.237e-06, with an active set of 244 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=9.971e-04, previous alpha=4.876e-06, with an active set of 244 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 147 iterations, i.e. alpha=7.133e-05, with an active set of 131 regressors, and the smallest cholesky pivot element being 3.332e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 200 iterations, i.e. alpha=3.415e-05, with an active set of 172 regressors, and the smallest cholesky pivot element being 3.332e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 209 iterations, i.e. alpha=2.802e-05, with an active set of 175 regressors, and the smallest cholesky pivot element being 1.490e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 343 iterations, alpha=3.581e-05, previous alpha=4.317e-06, with an active set of 244 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 240 iterations, i.e. alpha=1.640e-05, with an active set of 194 regressors, and the smallest cholesky pivot element being 2.356e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 241 iterations, alpha=1.640e-05, previous alpha=1.613e-05, with an active set of 194 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 349 iterations, alpha=2.170e-04, previous alpha=2.256e-06, with an active set of 260 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=1.067e-03, previous alpha=2.999e-06, with an active set of 252 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 343 iterations, alpha=2.984e-05, previous alpha=4.034e-06, with an active set of 240 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 322 iterations, i.e. alpha=5.134e-06, with an active set of 240 regressors, and the smallest cholesky pivot element being 2.220e-16 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 323 iterations, i.e. alpha=5.061e-06, with an active set of 241 regressors, and the smallest cholesky pivot element being 2.220e-16 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 323 iterations, i.e. alpha=5.028e-06, with an active set of 241 regressors, and the smallest cholesky pivot element being 7.146e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 324 iterations, alpha=5.061e-06, previous alpha=5.011e-06, with an active set of 241 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 344 iterations, alpha=2.780e-04, previous alpha=3.233e-06, with an active set of 249 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 344 iterations, alpha=5.639e-04, previous alpha=4.596e-06, with an active set of 251 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 343 iterations, alpha=2.134e-05, previous alpha=4.906e-06, with an active set of 248 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 344 iterations, alpha=6.102e-04, previous alpha=4.991e-06, with an active set of 243 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 142 iterations, i.e. alpha=7.472e-05, with an active set of 124 regressors, and the smallest cholesky pivot element being 2.356e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 191 iterations, i.e. alpha=3.860e-05, with an active set of 163 regressors, and the smallest cholesky pivot element being 1.825e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 191 iterations, i.e. alpha=3.853e-05, with an active set of 163 regressors, and the smallest cholesky pivot element being 1.825e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 344 iterations, alpha=6.243e-04, previous alpha=4.348e-06, with an active set of 237 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 235 iterations, i.e. alpha=1.930e-05, with an active set of 193 regressors, and the smallest cholesky pivot element being 1.054e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 236 iterations, i.e. alpha=1.878e-05, with an active set of 194 regressors, and the smallest cholesky pivot element being 1.054e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 237 iterations, alpha=1.906e-05, previous alpha=1.868e-05, with an active set of 194 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 349 iterations, alpha=4.940e-06, previous alpha=3.336e-06, with an active set of 248 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 344 iterations, alpha=1.106e-04, previous alpha=2.324e-06, with an active set of 257 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 343 iterations, alpha=5.932e-05, previous alpha=3.344e-06, with an active set of 248 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 318 iterations, i.e. alpha=5.694e-06, with an active set of 236 regressors, and the smallest cholesky pivot element being 2.220e-16 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 324 iterations, i.e. alpha=5.167e-06, with an active set of 238 regressors, and the smallest cholesky pivot element being 2.107e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 343 iterations, alpha=9.055e-04, previous alpha=3.426e-06, with an active set of 252 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 325 iterations, alpha=5.166e-06, previous alpha=5.135e-06, with an active set of 238 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=9.563e-04, previous alpha=4.035e-06, with an active set of 255 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 343 iterations, alpha=5.084e-05, previous alpha=4.496e-06, with an active set of 248 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=8.421e-05, previous alpha=4.998e-06, with an active set of 243 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 134 iterations, i.e. alpha=7.669e-05, with an active set of 124 regressors, and the smallest cholesky pivot element being 3.332e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 171 iterations, i.e. alpha=4.904e-05, with an active set of 157 regressors, and the smallest cholesky pivot element being 3.942e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 343 iterations, alpha=5.922e-05, previous alpha=4.520e-06, with an active set of 244 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 343 iterations, alpha=6.062e-04, previous alpha=3.089e-06, with an active set of 252 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 247 iterations, alpha=1.535e-05, previous alpha=1.524e-05, with an active set of 198 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 343 iterations, alpha=3.326e-04, previous alpha=4.298e-06, with an active set of 244 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 343 iterations, alpha=4.715e-04, previous alpha=3.000e-06, with an active set of 254 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 344 iterations, alpha=3.422e-05, previous alpha=2.944e-06, with an active set of 251 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 222 iterations, i.e. alpha=2.416e-05, with an active set of 182 regressors, and the smallest cholesky pivot element being 2.980e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 303 iterations, i.e. alpha=7.311e-06, with an active set of 233 regressors, and the smallest cholesky pivot element being 2.581e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 303 iterations, i.e. alpha=7.263e-06, with an active set of 233 regressors, and the smallest cholesky pivot element being 7.068e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 304 iterations, alpha=7.311e-06, previous alpha=7.238e-06, with an active set of 233 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=1.653e-04, previous alpha=3.779e-06, with an active set of 252 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 344 iterations, alpha=8.365e-05, previous alpha=4.516e-06, with an active set of 251 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 343 iterations, alpha=1.003e-05, previous alpha=4.866e-06, with an active set of 242 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 185 iterations, i.e. alpha=4.112e-05, with an active set of 165 regressors, and the smallest cholesky pivot element being 1.054e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 210 iterations, i.e. alpha=2.738e-05, with an active set of 176 regressors, and the smallest cholesky pivot element being 2.107e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 210 iterations, i.e. alpha=2.730e-05, with an active set of 176 regressors, and the smallest cholesky pivot element being 2.107e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 266 iterations, i.e. alpha=1.369e-05, with an active set of 214 regressors, and the smallest cholesky pivot element being 1.490e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=3.309e-05, previous alpha=5.175e-06, with an active set of 244 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 270 iterations, alpha=1.311e-05, previous alpha=1.270e-05, with an active set of 217 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=2.049e-04, previous alpha=2.955e-06, with an active set of 257 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=5.132e-05, previous alpha=3.783e-06, with an active set of 244 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 344 iterations, alpha=2.294e-05, previous alpha=4.036e-06, with an active set of 247 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 344 iterations, alpha=2.011e-05, previous alpha=2.817e-06, with an active set of 249 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=2.268e-04, previous alpha=2.952e-06, with an active set of 250 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=1.052e-03, previous alpha=3.044e-06, with an active set of 256 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=1.685e-04, previous alpha=3.910e-06, with an active set of 248 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 349 iterations, alpha=6.422e-05, previous alpha=4.355e-06, with an active set of 248 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 146 iterations, i.e. alpha=6.611e-05, with an active set of 132 regressors, and the smallest cholesky pivot element being 2.581e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 178 iterations, i.e. alpha=4.641e-05, with an active set of 158 regressors, and the smallest cholesky pivot element being 1.490e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 180 iterations, i.e. alpha=4.498e-05, with an active set of 160 regressors, and the smallest cholesky pivot element being 1.490e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 199 iterations, i.e. alpha=2.973e-05, with an active set of 171 regressors, and the smallest cholesky pivot element being 2.107e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=1.461e-04, previous alpha=3.704e-06, with an active set of 244 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 343 iterations, alpha=7.620e-06, previous alpha=2.782e-06, with an active set of 256 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=2.678e-04, previous alpha=4.052e-06, with an active set of 246 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 339 iterations, i.e. alpha=4.554e-06, with an active set of 245 regressors, and the smallest cholesky pivot element being 1.825e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 339 iterations, i.e. alpha=4.494e-06, with an active set of 245 regressors, and the smallest cholesky pivot element being 1.825e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 341 iterations, alpha=4.450e-06, previous alpha=4.310e-06, with an active set of 246 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 344 iterations, alpha=1.941e-04, previous alpha=3.501e-06, with an active set of 245 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=3.503e-05, previous alpha=3.463e-06, with an active set of 249 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=1.443e-04, previous alpha=3.042e-06, with an active set of 252 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=9.826e-04, previous alpha=4.156e-06, with an active set of 256 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 344 iterations, alpha=9.795e-04, previous alpha=4.577e-06, with an active set of 249 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 350 iterations, alpha=6.343e-05, previous alpha=4.054e-06, with an active set of 253 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 101 iterations, i.e. alpha=1.194e-04, with an active set of 93 regressors, and the smallest cholesky pivot element being 4.344e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 213 iterations, i.e. alpha=2.714e-05, with an active set of 179 regressors, and the smallest cholesky pivot element being 2.980e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 343 iterations, alpha=3.224e-04, previous alpha=4.344e-06, with an active set of 244 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 229 iterations, i.e. alpha=2.240e-05, with an active set of 187 regressors, and the smallest cholesky pivot element being 2.980e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 229 iterations, i.e. alpha=2.233e-05, with an active set of 187 regressors, and the smallest cholesky pivot element being 2.980e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=4.560e-04, previous alpha=2.472e-06, with an active set of 255 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 241 iterations, alpha=1.820e-05, previous alpha=1.815e-05, with an active set of 196 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 343 iterations, alpha=5.011e-05, previous alpha=4.144e-06, with an active set of 244 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 349 iterations, alpha=1.029e-04, previous alpha=3.487e-06, with an active set of 248 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 344 iterations, alpha=6.178e-05, previous alpha=6.354e-06, with an active set of 241 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 238 iterations, i.e. alpha=1.890e-05, with an active set of 198 regressors, and the smallest cholesky pivot element being 2.581e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 286 iterations, i.e. alpha=8.892e-06, with an active set of 226 regressors, and the smallest cholesky pivot element being 8.752e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 286 iterations, i.e. alpha=8.834e-06, with an active set of 226 regressors, and the smallest cholesky pivot element being 6.053e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 287 iterations, alpha=8.892e-06, previous alpha=8.804e-06, with an active set of 226 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=5.938e-04, previous alpha=3.229e-06, with an active set of 255 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=2.068e-04, previous alpha=4.927e-06, with an active set of 250 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 343 iterations, alpha=6.816e-05, previous alpha=5.786e-06, with an active set of 238 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 133 iterations, i.e. alpha=8.031e-05, with an active set of 119 regressors, and the smallest cholesky pivot element being 2.220e-16 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 178 iterations, i.e. alpha=4.478e-05, with an active set of 154 regressors, and the smallest cholesky pivot element being 2.220e-16 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 183 iterations, alpha=4.204e-05, previous alpha=4.196e-05, with an active set of 158 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 348 iterations, alpha=1.021e-04, previous alpha=3.515e-06, with an active set of 239 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 343 iterations, alpha=3.007e-04, previous alpha=4.054e-06, with an active set of 246 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 343 iterations, alpha=9.868e-05, previous alpha=2.351e-06, with an active set of 256 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=6.820e-05, previous alpha=3.754e-06, with an active set of 246 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 317 iterations, i.e. alpha=5.473e-06, with an active set of 239 regressors, and the smallest cholesky pivot element being 1.490e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=1.514e-04, previous alpha=3.687e-06, with an active set of 251 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=3.109e-04, previous alpha=4.043e-06, with an active set of 243 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 349 iterations, alpha=1.163e-03, previous alpha=4.006e-06, with an active set of 256 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 343 iterations, alpha=1.204e-04, previous alpha=4.310e-06, with an active set of 244 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 344 iterations, alpha=1.547e-04, previous alpha=4.745e-06, with an active set of 243 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 117 iterations, i.e. alpha=1.060e-04, with an active set of 103 regressors, and the smallest cholesky pivot element being 4.470e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=8.595e-05, previous alpha=4.367e-06, with an active set of 242 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 344 iterations, alpha=6.140e-04, previous alpha=2.958e-06, with an active set of 251 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=1.988e-04, previous alpha=3.490e-06, with an active set of 245 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 294 iterations, i.e. alpha=9.596e-06, with an active set of 220 regressors, and the smallest cholesky pivot element being 1.825e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 310 iterations, i.e. alpha=7.868e-06, with an active set of 232 regressors, and the smallest cholesky pivot element being 2.220e-16 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 342 iterations, i.e. alpha=5.009e-06, with an active set of 242 regressors, and the smallest cholesky pivot element being 2.107e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 345 iterations, i.e. alpha=4.908e-06, with an active set of 243 regressors, and the smallest cholesky pivot element being 2.107e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 348 iterations, i.e. alpha=4.833e-06, with an active set of 246 regressors, and the smallest cholesky pivot element being 2.107e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 349 iterations, alpha=4.359e-05, previous alpha=4.827e-06, with an active set of 246 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 290 iterations, i.e. alpha=7.042e-06, with an active set of 228 regressors, and the smallest cholesky pivot element being 1.054e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 343 iterations, alpha=4.055e-04, previous alpha=3.711e-06, with an active set of 246 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 343 iterations, alpha=2.754e-04, previous alpha=3.945e-06, with an active set of 242 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 343 iterations, alpha=7.603e-04, previous alpha=3.492e-06, with an active set of 246 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 343 iterations, alpha=5.905e-04, previous alpha=5.621e-06, with an active set of 248 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=1.182e-04, previous alpha=4.420e-06, with an active set of 243 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=5.363e-04, previous alpha=5.355e-06, with an active set of 233 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 164 iterations, i.e. alpha=5.318e-05, with an active set of 146 regressors, and the smallest cholesky pivot element being 3.650e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 261 iterations, alpha=1.327e-05, previous alpha=1.327e-05, with an active set of 208 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 344 iterations, alpha=6.423e-04, previous alpha=2.836e-06, with an active set of 255 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=2.221e-04, previous alpha=4.050e-06, with an active set of 244 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=5.705e-04, previous alpha=3.111e-06, with an active set of 254 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 349 iterations, alpha=3.506e-04, previous alpha=3.490e-06, with an active set of 246 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 344 iterations, alpha=5.702e-04, previous alpha=4.116e-06, with an active set of 253 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 343 iterations, alpha=2.764e-04, previous alpha=2.770e-06, with an active set of 252 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=2.444e-05, previous alpha=3.523e-06, with an active set of 246 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 343 iterations, alpha=1.140e-04, previous alpha=4.255e-06, with an active set of 246 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 349 iterations, alpha=5.664e-05, previous alpha=3.988e-06, with an active set of 252 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 124 iterations, i.e. alpha=9.226e-05, with an active set of 112 regressors, and the smallest cholesky pivot element being 1.825e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 153 iterations, i.e. alpha=6.435e-05, with an active set of 137 regressors, and the smallest cholesky pivot element being 2.356e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 343 iterations, alpha=5.858e-05, previous alpha=3.832e-06, with an active set of 248 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 343 iterations, alpha=3.322e-04, previous alpha=3.856e-06, with an active set of 246 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 245 iterations, alpha=1.837e-05, previous alpha=1.836e-05, with an active set of 196 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 344 iterations, alpha=1.815e-05, previous alpha=2.843e-06, with an active set of 253 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=9.503e-05, previous alpha=3.468e-06, with an active set of 248 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 344 iterations, alpha=7.495e-04, previous alpha=3.176e-06, with an active set of 249 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 344 iterations, alpha=2.122e-04, previous alpha=2.752e-06, with an active set of 257 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 344 iterations, alpha=1.232e-04, previous alpha=4.548e-06, with an active set of 247 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=9.062e-04, previous alpha=4.495e-06, with an active set of 246 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 343 iterations, alpha=8.365e-05, previous alpha=4.347e-06, with an active set of 246 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 124 iterations, i.e. alpha=8.972e-05, with an active set of 112 regressors, and the smallest cholesky pivot element being 1.490e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 145 iterations, i.e. alpha=6.811e-05, with an active set of 129 regressors, and the smallest cholesky pivot element being 1.490e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 172 iterations, i.e. alpha=5.033e-05, with an active set of 156 regressors, and the smallest cholesky pivot element being 1.490e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 173 iterations, alpha=5.096e-05, previous alpha=4.939e-05, with an active set of 156 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 343 iterations, alpha=1.341e-04, previous alpha=2.858e-06, with an active set of 252 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 343 iterations, alpha=2.464e-04, previous alpha=4.544e-06, with an active set of 240 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 349 iterations, alpha=2.785e-04, previous alpha=3.273e-06, with an active set of 248 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=2.527e-04, previous alpha=3.452e-06, with an active set of 244 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 321 iterations, i.e. alpha=4.988e-06, with an active set of 239 regressors, and the smallest cholesky pivot element being 4.215e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 322 iterations, i.e. alpha=4.984e-06, with an active set of 240 regressors, and the smallest cholesky pivot element being 4.215e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 322 iterations, i.e. alpha=4.952e-06, with an active set of 240 regressors, and the smallest cholesky pivot element being 6.664e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 324 iterations, alpha=4.944e-06, previous alpha=4.701e-06, with an active set of 241 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=1.154e-04, previous alpha=2.786e-06, with an active set of 256 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=1.593e-04, previous alpha=4.502e-06, with an active set of 250 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 343 iterations, alpha=2.252e-04, previous alpha=4.607e-06, with an active set of 244 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 350 iterations, alpha=3.947e-05, previous alpha=4.330e-06, with an active set of 251 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 138 iterations, i.e. alpha=7.874e-05, with an active set of 122 regressors, and the smallest cholesky pivot element being 2.220e-16 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 143 iterations, i.e. alpha=7.473e-05, with an active set of 127 regressors, and the smallest cholesky pivot element being 2.220e-16 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 173 iterations, alpha=5.072e-05, previous alpha=5.029e-05, with an active set of 156 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 344 iterations, alpha=8.607e-05, previous alpha=2.932e-06, with an active set of 255 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 343 iterations, alpha=4.462e-05, previous alpha=4.874e-06, with an active set of 238 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=1.844e-04, previous alpha=3.438e-06, with an active set of 244 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 343 iterations, alpha=5.635e-05, previous alpha=3.859e-06, with an active set of 244 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=1.589e-04, previous alpha=5.436e-06, with an active set of 245 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=1.156e-03, previous alpha=3.076e-06, with an active set of 251 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 343 iterations, alpha=2.992e-04, previous alpha=4.668e-06, with an active set of 244 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 316 iterations, i.e. alpha=4.909e-06, with an active set of 236 regressors, and the smallest cholesky pivot element being 2.581e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 317 iterations, i.e. alpha=4.849e-06, with an active set of 237 regressors, and the smallest cholesky pivot element being 2.581e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 317 iterations, i.e. alpha=4.817e-06, with an active set of 237 regressors, and the smallest cholesky pivot element being 6.053e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 318 iterations, i.e. alpha=4.716e-06, with an active set of 238 regressors, and the smallest cholesky pivot element being 6.053e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 319 iterations, alpha=4.760e-06, previous alpha=4.589e-06, with an active set of 238 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=7.038e-04, previous alpha=4.703e-06, with an active set of 244 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 197 iterations, i.e. alpha=3.299e-05, with an active set of 171 regressors, and the smallest cholesky pivot element being 1.054e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 217 iterations, i.e. alpha=2.471e-05, with an active set of 183 regressors, and the smallest cholesky pivot element being 3.161e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 220 iterations, alpha=2.419e-05, previous alpha=2.409e-05, with an active set of 185 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 343 iterations, alpha=1.027e-04, previous alpha=3.675e-06, with an active set of 244 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 343 iterations, alpha=6.138e-05, previous alpha=3.365e-06, with an active set of 256 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 343 iterations, alpha=2.204e-04, previous alpha=4.102e-06, with an active set of 246 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=5.944e-04, previous alpha=2.930e-06, with an active set of 249 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 353 iterations, alpha=2.517e-04, previous alpha=4.024e-06, with an active set of 256 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 344 iterations, alpha=8.992e-04, previous alpha=3.045e-06, with an active set of 251 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=4.649e-04, previous alpha=2.231e-06, with an active set of 259 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 343 iterations, alpha=5.564e-05, previous alpha=3.877e-06, with an active set of 248 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 343 iterations, alpha=1.331e-04, previous alpha=4.244e-06, with an active set of 248 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 112 iterations, i.e. alpha=1.047e-04, with an active set of 104 regressors, and the smallest cholesky pivot element being 3.650e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 145 iterations, i.e. alpha=7.045e-05, with an active set of 127 regressors, and the smallest cholesky pivot element being 2.107e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 156 iterations, alpha=6.093e-05, previous alpha=5.987e-05, with an active set of 137 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 348 iterations, alpha=2.729e-04, previous alpha=3.326e-06, with an active set of 247 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 343 iterations, alpha=7.303e-05, previous alpha=3.655e-06, with an active set of 242 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 343 iterations, alpha=5.583e-05, previous alpha=2.915e-06, with an active set of 250 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 343 iterations, alpha=4.608e-05, previous alpha=3.595e-06, with an active set of 240 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 343 iterations, alpha=8.376e-04, previous alpha=3.081e-06, with an active set of 248 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 343 iterations, alpha=2.789e-04, previous alpha=3.609e-06, with an active set of 248 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 343 iterations, alpha=3.047e-05, previous alpha=5.110e-06, with an active set of 248 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 343 iterations, alpha=2.779e-04, previous alpha=4.070e-06, with an active set of 248 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=5.856e-04, previous alpha=4.751e-06, with an active set of 242 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 112 iterations, i.e. alpha=1.067e-04, with an active set of 104 regressors, and the smallest cholesky pivot element being 2.581e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 231 iterations, i.e. alpha=2.030e-05, with an active set of 193 regressors, and the smallest cholesky pivot element being 2.220e-16 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 235 iterations, alpha=1.913e-05, previous alpha=1.877e-05, with an active set of 196 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=1.785e-04, previous alpha=2.258e-06, with an active set of 258 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 343 iterations, alpha=5.717e-04, previous alpha=4.767e-06, with an active set of 248 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 342 iterations, alpha=5.556e-04, previous alpha=4.018e-06, with an active set of 243 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 210 iterations, i.e. alpha=2.925e-05, with an active set of 168 regressors, and the smallest cholesky pivot element being 2.356e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 248 iterations, i.e. alpha=1.678e-05, with an active set of 196 regressors, and the smallest cholesky pivot element being 2.220e-16 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 273 iterations, i.e. alpha=1.082e-05, with an active set of 215 regressors, and the smallest cholesky pivot element being 2.356e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 342 iterations, alpha=5.842e-05, previous alpha=3.480e-06, with an active set of 251 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 274 iterations, alpha=1.082e-05, previous alpha=1.071e-05, with an active set of 215 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 342 iterations, alpha=8.230e-05, previous alpha=3.041e-06, with an active set of 255 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 342 iterations, alpha=3.874e-04, previous alpha=5.382e-06, with an active set of 247 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 342 iterations, alpha=8.239e-05, previous alpha=5.345e-06, with an active set of 243 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=8.489e-05, previous alpha=4.848e-06, with an active set of 247 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 140 iterations, i.e. alpha=7.472e-05, with an active set of 124 regressors, and the smallest cholesky pivot element being 2.788e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 189 iterations, i.e. alpha=3.860e-05, with an active set of 163 regressors, and the smallest cholesky pivot element being 2.788e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 189 iterations, i.e. alpha=3.853e-05, with an active set of 163 regressors, and the smallest cholesky pivot element being 2.788e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 234 iterations, i.e. alpha=1.930e-05, with an active set of 194 regressors, and the smallest cholesky pivot element being 1.825e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 235 iterations, alpha=1.902e-05, previous alpha=1.901e-05, with an active set of 194 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 344 iterations, alpha=8.417e-05, previous alpha=3.712e-06, with an active set of 239 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=4.620e-06, previous alpha=3.336e-06, with an active set of 248 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 342 iterations, alpha=1.317e-05, previous alpha=2.280e-06, with an active set of 255 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 342 iterations, alpha=3.519e-05, previous alpha=3.157e-06, with an active set of 251 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 343 iterations, alpha=2.310e-04, previous alpha=3.140e-06, with an active set of 252 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 310 iterations, i.e. alpha=6.127e-06, with an active set of 238 regressors, and the smallest cholesky pivot element being 2.788e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 342 iterations, alpha=6.294e-04, previous alpha=4.035e-06, with an active set of 255 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 342 iterations, alpha=1.415e-05, previous alpha=4.024e-06, with an active set of 247 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 342 iterations, alpha=1.876e-04, previous alpha=4.426e-06, with an active set of 247 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 342 iterations, alpha=6.023e-05, previous alpha=4.998e-06, with an active set of 243 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 173 iterations, i.e. alpha=5.390e-05, with an active set of 145 regressors, and the smallest cholesky pivot element being 2.107e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 174 iterations, i.e. alpha=5.375e-05, with an active set of 146 regressors, and the smallest cholesky pivot element being 2.107e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 193 iterations, i.e. alpha=3.915e-05, with an active set of 161 regressors, and the smallest cholesky pivot element being 2.788e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 193 iterations, i.e. alpha=3.907e-05, with an active set of 161 regressors, and the smallest cholesky pivot element being 2.788e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 199 iterations, alpha=3.765e-05, previous alpha=3.739e-05, with an active set of 166 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=3.595e-05, previous alpha=4.369e-06, with an active set of 240 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 342 iterations, alpha=2.413e-04, previous alpha=3.243e-06, with an active set of 249 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 342 iterations, alpha=5.267e-05, previous alpha=3.972e-06, with an active set of 245 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 344 iterations, alpha=6.854e-05, previous alpha=4.427e-06, with an active set of 243 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 293 iterations, i.e. alpha=7.457e-06, with an active set of 225 regressors, and the smallest cholesky pivot element being 1.054e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 309 iterations, i.e. alpha=6.124e-06, with an active set of 233 regressors, and the smallest cholesky pivot element being 3.161e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 343 iterations, alpha=6.940e-04, previous alpha=6.302e-06, with an active set of 244 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 309 iterations, i.e. alpha=6.084e-06, with an active set of 233 regressors, and the smallest cholesky pivot element being 6.409e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 313 iterations, i.e. alpha=5.638e-06, with an active set of 233 regressors, and the smallest cholesky pivot element being 6.409e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 313 iterations, i.e. alpha=5.614e-06, with an active set of 233 regressors, and the smallest cholesky pivot element being 6.409e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 343 iterations, alpha=5.255e-04, previous alpha=3.467e-06, with an active set of 250 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 314 iterations, alpha=5.632e-06, previous alpha=5.588e-06, with an active set of 233 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 342 iterations, alpha=1.568e-04, previous alpha=4.936e-06, with an active set of 243 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 342 iterations, alpha=3.477e-04, previous alpha=5.599e-06, with an active set of 235 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 207 iterations, i.e. alpha=2.562e-05, with an active set of 181 regressors, and the smallest cholesky pivot element being 1.825e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 209 iterations, i.e. alpha=2.546e-05, with an active set of 183 regressors, and the smallest cholesky pivot element being 1.825e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 213 iterations, alpha=2.516e-05, previous alpha=2.502e-05, with an active set of 184 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 344 iterations, alpha=1.578e-04, previous alpha=3.691e-06, with an active set of 245 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=5.734e-04, previous alpha=2.654e-06, with an active set of 257 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 342 iterations, alpha=1.155e-04, previous alpha=4.025e-06, with an active set of 245 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 213 iterations, i.e. alpha=3.258e-05, with an active set of 171 regressors, and the smallest cholesky pivot element being 2.356e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 273 iterations, i.e. alpha=1.248e-05, with an active set of 209 regressors, and the smallest cholesky pivot element being 3.650e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 342 iterations, alpha=1.328e-04, previous alpha=3.427e-06, with an active set of 243 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 275 iterations, i.e. alpha=1.158e-05, with an active set of 211 regressors, and the smallest cholesky pivot element being 3.650e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 294 iterations, alpha=8.761e-06, previous alpha=8.156e-06, with an active set of 229 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=1.536e-04, previous alpha=3.039e-06, with an active set of 253 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 343 iterations, alpha=3.533e-05, previous alpha=4.340e-06, with an active set of 250 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 342 iterations, alpha=5.247e-05, previous alpha=4.041e-06, with an active set of 247 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=1.055e-04, previous alpha=3.586e-06, with an active set of 254 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 91 iterations, i.e. alpha=1.376e-04, with an active set of 85 regressors, and the smallest cholesky pivot element being 1.490e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 102 iterations, i.e. alpha=1.099e-04, with an active set of 96 regressors, and the smallest cholesky pivot element being 1.825e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 342 iterations, alpha=8.589e-05, previous alpha=3.807e-06, with an active set of 247 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 231 iterations, i.e. alpha=1.987e-05, with an active set of 193 regressors, and the smallest cholesky pivot element being 1.490e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 342 iterations, alpha=8.826e-05, previous alpha=3.279e-06, with an active set of 249 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 343 iterations, alpha=2.396e-05, previous alpha=3.025e-06, with an active set of 246 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 301 iterations, i.e. alpha=7.799e-06, with an active set of 237 regressors, and the smallest cholesky pivot element being 1.825e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 302 iterations, alpha=7.799e-06, previous alpha=7.659e-06, with an active set of 237 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 183 iterations, i.e. alpha=4.160e-05, with an active set of 157 regressors, and the smallest cholesky pivot element being 2.107e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 343 iterations, alpha=1.435e-04, previous alpha=4.016e-06, with an active set of 240 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 274 iterations, i.e. alpha=1.228e-05, with an active set of 210 regressors, and the smallest cholesky pivot element being 4.942e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 276 iterations, i.e. alpha=1.204e-05, with an active set of 212 regressors, and the smallest cholesky pivot element being 2.581e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 289 iterations, alpha=9.822e-06, previous alpha=9.645e-06, with an active set of 224 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 343 iterations, alpha=6.096e-05, previous alpha=3.622e-06, with an active set of 252 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=1.118e-04, previous alpha=5.603e-06, with an active set of 248 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 342 iterations, alpha=2.093e-04, previous alpha=4.955e-06, with an active set of 243 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=1.451e-04, previous alpha=5.381e-06, with an active set of 240 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 137 iterations, i.e. alpha=8.423e-05, with an active set of 117 regressors, and the smallest cholesky pivot element being 2.107e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 192 iterations, i.e. alpha=3.765e-05, with an active set of 162 regressors, and the smallest cholesky pivot element being 1.825e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 347 iterations, alpha=2.606e-05, previous alpha=3.532e-06, with an active set of 246 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 260 iterations, i.e. alpha=1.507e-05, with an active set of 204 regressors, and the smallest cholesky pivot element being 2.220e-16 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 262 iterations, alpha=1.477e-05, previous alpha=1.439e-05, with an active set of 205 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 343 iterations, alpha=2.086e-04, previous alpha=2.871e-06, with an active set of 252 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 343 iterations, alpha=2.006e-04, previous alpha=3.917e-06, with an active set of 246 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 343 iterations, alpha=5.454e-05, previous alpha=2.508e-06, with an active set of 256 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 344 iterations, alpha=2.020e-04, previous alpha=3.350e-06, with an active set of 245 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 342 iterations, alpha=2.007e-05, previous alpha=3.523e-06, with an active set of 249 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 344 iterations, alpha=6.267e-05, previous alpha=6.368e-06, with an active set of 241 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 346 iterations, alpha=3.913e-04, previous alpha=4.066e-06, with an active set of 249 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 344 iterations, alpha=4.735e-05, previous alpha=4.933e-06, with an active set of 243 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 111 iterations, i.e. alpha=1.097e-04, with an active set of 101 regressors, and the smallest cholesky pivot element being 3.495e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 270 iterations, i.e. alpha=1.294e-05, with an active set of 212 regressors, and the smallest cholesky pivot element being 2.980e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 273 iterations, i.e. alpha=1.257e-05, with an active set of 211 regressors, and the smallest cholesky pivot element being 2.980e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 285 iterations, alpha=1.113e-05, previous alpha=1.106e-05, with an active set of 220 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 341 iterations, alpha=4.048e-05, previous alpha=3.223e-06, with an active set of 250 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 341 iterations, i.e. alpha=3.364e-06, with an active set of 243 regressors, and the smallest cholesky pivot element being 7.451e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 343 iterations, alpha=1.904e-04, previous alpha=3.525e-06, with an active set of 248 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 342 iterations, alpha=2.515e-04, previous alpha=3.364e-06, with an active set of 243 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 177 iterations, i.e. alpha=4.536e-05, with an active set of 157 regressors, and the smallest cholesky pivot element being 2.788e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 260 iterations, i.e. alpha=1.339e-05, with an active set of 208 regressors, and the smallest cholesky pivot element being 4.470e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 260 iterations, i.e. alpha=1.298e-05, with an active set of 208 regressors, and the smallest cholesky pivot element being 1.825e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 342 iterations, alpha=1.457e-04, previous alpha=3.296e-06, with an active set of 245 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 315 iterations, i.e. alpha=5.066e-06, with an active set of 243 regressors, and the smallest cholesky pivot element being 2.581e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 327 iterations, i.e. alpha=3.952e-06, with an active set of 249 regressors, and the smallest cholesky pivot element being 4.712e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 340 iterations, alpha=1.367e-05, previous alpha=5.967e-06, with an active set of 243 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 332 iterations, i.e. alpha=3.746e-06, with an active set of 248 regressors, and the smallest cholesky pivot element being 1.490e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 345 iterations, alpha=8.285e-05, previous alpha=3.672e-06, with an active set of 252 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:309: ConvergenceWarning: Regressors in active set degenerate. Dropping a regressor, after 332 iterations, i.e. alpha=3.722e-06, with an active set of 248 regressors, and the smallest cholesky pivot element being 6.409e-08 ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 340 iterations, alpha=1.418e-05, previous alpha=3.233e-06, with an active set of 249 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 342 iterations, alpha=2.563e-04, previous alpha=5.071e-06, with an active set of 241 regressors. ConvergenceWarning) /usr/lib64/python2.7/site-packages/sklearn/linear_model/least_angle.py:334: ConvergenceWarning: Early stopping the lars path, as the residues are small and the current value of alpha is no longer well controlled. 344 iterations, alpha=1.765e-04, previous alpha=4.784e-06, with an active set of 243 regressors. ConvergenceWarning)
output_df
Dropped | RMSE | Diff from Base | |
---|---|---|---|
50 | ('LogGrLivArea', 'TotalHouseArea', 'LivAreaWt', 'AreasSum') | 0.10722313108186661001 | -0.00167890451410505903 |
28 | ('LogGrLivArea', 'TotalHouseArea', 'AreasSum') | 0.10746951750457771346 | -0.00143251809139395558 |
59 | ('LogGrLivArea', 'GrLivArea', 'TotalHouseArea', 'LivAreaWt', 'AreasSum') | 0.10752050532433635177 | -0.00138153027163531728 |
44 | ('LogGrLivArea', 'GrLivArea', 'TotalHouseArea', 'AreasSum') | 0.10752517460839859653 | -0.00137686098757307251 |
58 | ('LogGrLivArea', 'GrLivArea', 'TotalHouseArea', 'LivArea', 'AreasSum') | 0.10760185118523347969 | -0.00130018441073818936 |
49 | ('LogGrLivArea', 'TotalHouseArea', 'LivArea', 'AreasSum') | 0.10771577702029228041 | -0.00118625857567938864 |
39 | ('TotalHouseArea', 'LivArea', 'AreasSum') | 0.10774770163508118337 | -0.00115433396089048568 |
31 | ('LogGrLivArea', 'LivAreaWt', 'AreasSum') | 0.10777198241332501538 | -0.00113005318264665366 |
21 | ('LivAreaWt', 'AreasSum') | 0.10777288039828231136 | -0.00112915519768935768 |
47 | ('LogGrLivArea', 'GrLivArea', 'LivAreaWt', 'AreasSum') | 0.10784821323846748020 | -0.00105382235750418884 |
11 | ('LogGrLivArea', 'AreasSum') | 0.10786661856892923450 | -0.00103541702704243455 |
6 | ('AreasSum',) | 0.10787190959602825646 | -0.00103012599994341258 |
61 | ('LogGrLivArea', 'TotalHouseArea', 'LivArea', 'LivAreaWt', 'AreasSum') | 0.10795612802862303292 | -0.00094590756734863612 |
30 | ('LogGrLivArea', 'LivArea', 'AreasSum') | 0.10800756037210787475 | -0.00089447522386379430 |
51 | ('LogGrLivArea', 'LivArea', 'LivAreaWt', 'AreasSum') | 0.10800801199681195341 | -0.00089402359915971563 |
20 | ('LivArea', 'AreasSum') | 0.10801026582845428547 | -0.00089176976751738357 |
40 | ('TotalHouseArea', 'LivAreaWt', 'AreasSum') | 0.10811669625320410870 | -0.00078533934276756034 |
36 | ('GrLivArea', 'LivArea', 'AreasSum') | 0.10817254178665515474 | -0.00072949380931651431 |
56 | ('TotalHouseArea', 'LivArea', 'LivAreaWt', 'AreasSum') | 0.10820367688916741888 | -0.00069835870680425016 |
29 | ('LogGrLivArea', 'LivArea', 'LivAreaWt') | 0.10825108641506045459 | -0.00065094918091121445 |
46 | ('LogGrLivArea', 'GrLivArea', 'LivArea', 'AreasSum') | 0.10828437983680254397 | -0.00061765575916912507 |
15 | ('GrLivArea', 'AreasSum') | 0.10828673677607726644 | -0.00061529881989440260 |
34 | ('GrLivArea', 'TotalHouseArea', 'AreasSum') | 0.10832634266739277207 | -0.00057569292857889698 |
63 | ('LogGrLivArea', 'GrLivArea', 'TotalHouseArea', 'LivArea', 'LivAreaWt', 'AreasSum') | 0.10834860764132679678 | -0.00055342795464487227 |
53 | ('GrLivArea', 'TotalHouseArea', 'LivArea', 'AreasSum') | 0.10837436478624787317 | -0.00052767080972379588 |
60 | ('LogGrLivArea', 'GrLivArea', 'LivArea', 'LivAreaWt', 'AreasSum') | 0.10837634963564915513 | -0.00052568596032251391 |
45 | ('LogGrLivArea', 'GrLivArea', 'LivArea', 'LivAreaWt') | 0.10838719581447488205 | -0.00051483978149678700 |
5 | ('LivAreaWt',) | 0.10852411804272849016 | -0.00037791755324317888 |
24 | ('LogGrLivArea', 'GrLivArea', 'LivAreaWt') | 0.10854260843047770779 | -0.00035942716549396125 |
25 | ('LogGrLivArea', 'GrLivArea', 'AreasSum') | 0.10860098734412586274 | -0.00030104825184580630 |
... | ... | ... | ... |
0 | () | 0.10890203559597166905 | 0.00000000000000000000 |
8 | ('LogGrLivArea', 'TotalHouseArea') | 0.10901847606902230481 | 0.00011644047305063576 |
10 | ('LogGrLivArea', 'LivAreaWt') | 0.10902401136645152591 | 0.00012197577047985686 |
3 | ('TotalHouseArea',) | 0.10902527172025554270 | 0.00012323612428387365 |
18 | ('TotalHouseArea', 'AreasSum') | 0.10907694229671467678 | 0.00017490670074300774 |
27 | ('LogGrLivArea', 'TotalHouseArea', 'LivAreaWt') | 0.10908236976017714193 | 0.00018033416420547288 |
17 | ('TotalHouseArea', 'LivAreaWt') | 0.10909905067064315509 | 0.00019701507467148605 |
2 | ('GrLivArea',) | 0.10920695142491605723 | 0.00030491582894438818 |
26 | ('LogGrLivArea', 'TotalHouseArea', 'LivArea') | 0.10920829772948192904 | 0.00030626213351025999 |
16 | ('TotalHouseArea', 'LivArea') | 0.10921574493294565478 | 0.00031370933697398573 |
48 | ('LogGrLivArea', 'TotalHouseArea', 'LivArea', 'LivAreaWt') | 0.10930784870819924837 | 0.00040581311222757932 |
19 | ('LivArea', 'LivAreaWt') | 0.10931989298851779724 | 0.00041785739254612819 |
12 | ('GrLivArea', 'TotalHouseArea') | 0.10936828539048788766 | 0.00046624979451621862 |
22 | ('LogGrLivArea', 'GrLivArea', 'TotalHouseArea') | 0.10938015459325081680 | 0.00047811899727914775 |
38 | ('TotalHouseArea', 'LivArea', 'LivAreaWt') | 0.10940928784861711498 | 0.00050725225264544593 |
4 | ('LivArea',) | 0.10941497805534960985 | 0.00051294245937794081 |
42 | ('LogGrLivArea', 'GrLivArea', 'TotalHouseArea', 'LivArea') | 0.10943924654687302300 | 0.00053721095090135396 |
55 | ('GrLivArea', 'LivArea', 'LivAreaWt', 'AreasSum') | 0.10956577273638949677 | 0.00066373714041782772 |
62 | ('GrLivArea', 'TotalHouseArea', 'LivArea', 'LivAreaWt', 'AreasSum') | 0.10957333252170579907 | 0.00067129692573413002 |
33 | ('GrLivArea', 'TotalHouseArea', 'LivAreaWt') | 0.10962724492465833470 | 0.00072520932868666566 |
43 | ('LogGrLivArea', 'GrLivArea', 'TotalHouseArea', 'LivAreaWt') | 0.10964724569358233475 | 0.00074521009761066570 |
32 | ('GrLivArea', 'TotalHouseArea', 'LivArea') | 0.10974918281823951849 | 0.00084714722226784944 |
9 | ('LogGrLivArea', 'LivArea') | 0.10976119230365442847 | 0.00085915670768275942 |
23 | ('LogGrLivArea', 'GrLivArea', 'LivArea') | 0.10979041256705339424 | 0.00088837697108172520 |
37 | ('GrLivArea', 'LivAreaWt', 'AreasSum') | 0.10993708704219208594 | 0.00103505144622041689 |
14 | ('GrLivArea', 'LivAreaWt') | 0.11014216928645022275 | 0.00124013369047855371 |
35 | ('GrLivArea', 'LivArea', 'LivAreaWt') | 0.11029432958734657066 | 0.00139229399137490162 |
57 | ('LogGrLivArea', 'GrLivArea', 'TotalHouseArea', 'LivArea', 'LivAreaWt') | 0.11031491278961927383 | 0.00141287719364760478 |
13 | ('GrLivArea', 'LivArea') | 0.11032098214573908546 | 0.00141894654976741641 |
52 | ('GrLivArea', 'TotalHouseArea', 'LivArea', 'LivAreaWt') | 0.11036009675781918715 | 0.00145806116184751811 |
64 rows × 3 columns
output_df.to_csv('col_drop_results_111001001.csv', header=True)
The best result, dropping ('LogGrLivArea', 'TotalHouseArea', 'LivAreaWt', 'AreasSum') is a modest gain. Again, we can choose other top candiates to generate additional datasets to use in an ensemble.