# import packages
import pandas as pd
import matplotlib.pyplot as plt
import seaborn as sns
import plotly.graph_objects as go
import numpy as np
# load data
df = pd.read_csv('training.csv', sep=r'\t')
/shared-libs/python3.7/py-core/lib/python3.7/site-packages/ipykernel_launcher.py:3: ParserWarning: Falling back to the 'python' engine because the 'c' engine does not support regex separators (separators > 1 char and different from '\s+' are interpreted as regex); you can avoid this warning by specifying engine='python'.
This is separate from the ipykernel package so we can avoid doing imports until
# view data
df.head()
df.info()
<class 'pandas.core.frame.DataFrame'>
RangeIndex: 29731 entries, 0 to 29730
Data columns (total 14 columns):
# Column Non-Null Count Dtype
--- ------ -------------- -----
0 DepartureDate 29731 non-null object
1 DepartureYear 29731 non-null int64
2 DepartureMonth 29731 non-null int64
3 DepartureDay 29731 non-null int64
4 FlightNumber 29731 non-null int64
5 DepartureAirport 29731 non-null object
6 ArrivalAirport 29731 non-null object
7 Route 29731 non-null object
8 ActualFlightTime 29731 non-null int64
9 ActualTotalFuel 29731 non-null int64
10 ActualTOW 29731 non-null object
11 FLownPassengers 29731 non-null object
12 BagsCount 29731 non-null object
13 FlightBagsWeight 29731 non-null object
dtypes: int64(6), object(8)
memory usage: 3.2+ MB
df.index = df['FlightNumber']
df['DepartureDate'] = pd.to_datetime(df['DepartureDate'])
df.drop(columns=['FlightNumber', 'DepartureYear', 'DepartureMonth', 'DepartureDay'], inplace=True)
df.replace('(null)', np.nan, inplace=True)
df['DepartureAirport'] = df['DepartureAirport'].astype('category')
df['ArrivalAirport'] = df['ArrivalAirport'].astype('category')
df['Route'] = df['Route'].astype('category')
df.isna().sum() / len(df)
weight_mean = int(df.loc[~df['ActualTOW'].isna(), ['ActualTOW']].astype(int).mean())
df.replace({'ActualTOW': np.nan}, weight_mean, inplace=True)
df['ActualTOW'] = df['ActualTOW'].astype(int)
# copy data
df_test = df.copy()
# clean the data fully
df_test.dropna(inplace=True)
# change types
df_test['FLownPassengers'] = df_test['FLownPassengers'].astype(int)
df_test['BagsCount'] = df_test['BagsCount'].astype(int)
df_test['FlightBagsWeight'] = df_test['FlightBagsWeight'].astype(int)
# view new data
df_test.info()
<class 'pandas.core.frame.DataFrame'>
Int64Index: 27142 entries, 1145 to 9992
Data columns (total 10 columns):
# Column Non-Null Count Dtype
--- ------ -------------- -----
0 DepartureDate 27142 non-null datetime64[ns]
1 DepartureAirport 27142 non-null category
2 ArrivalAirport 27142 non-null category
3 Route 27142 non-null category
4 ActualFlightTime 27142 non-null int64
5 ActualTotalFuel 27142 non-null int64
6 ActualTOW 27142 non-null int64
7 FLownPassengers 27142 non-null int64
8 BagsCount 27142 non-null int64
9 FlightBagsWeight 27142 non-null int64
dtypes: category(3), datetime64[ns](1), int64(6)
memory usage: 1.9 MB
sns.pairplot(df_test)
sns.heatmap(df_test.corr())
df.drop(columns=['BagsCount', 'FlightBagsWeight'], inplace=True)
passengers_median = int(df.loc[~df['FLownPassengers'].isna(), ['FLownPassengers']].astype(int).median())
df.replace({'FLownPassengers': np.nan}, passengers_median, inplace=True)
df['FLownPassengers'] = df['FLownPassengers'].astype(int)
df['ActualTotalFuel'] = np.log(df['ActualTotalFuel'])
df.info()
<class 'pandas.core.frame.DataFrame'>
Int64Index: 29731 entries, 1145 to 9992
Data columns (total 8 columns):
# Column Non-Null Count Dtype
--- ------ -------------- -----
0 DepartureDate 29731 non-null datetime64[ns]
1 DepartureAirport 29731 non-null category
2 ArrivalAirport 29731 non-null category
3 Route 29731 non-null category
4 ActualFlightTime 29731 non-null int64
5 ActualTotalFuel 29731 non-null float64
6 ActualTOW 29731 non-null int64
7 FLownPassengers 29731 non-null int64
dtypes: category(3), datetime64[ns](1), float64(1), int64(3)
memory usage: 1.6 MB
len(pd.unique(df['DepartureAirport']))
len(pd.unique(df['ArrivalAirport']))
df.drop(columns=['ArrivalAirport', 'DepartureAirport', 'Route'], inplace=True)
df.info()
<class 'pandas.core.frame.DataFrame'>
Int64Index: 29731 entries, 1145 to 9992
Data columns (total 5 columns):
# Column Non-Null Count Dtype
--- ------ -------------- -----
0 DepartureDate 29731 non-null datetime64[ns]
1 ActualFlightTime 29731 non-null int64
2 ActualTotalFuel 29731 non-null float64
3 ActualTOW 29731 non-null int64
4 FLownPassengers 29731 non-null int64
dtypes: datetime64[ns](1), float64(1), int64(3)
memory usage: 1.4 MB
df['weekday'] = df['DepartureDate'].map(lambda x: x.weekday())
sns.catplot(data=df, x='weekday', y='ActualTOW', kind='box')
df.drop(columns=['weekday', 'DepartureDate'], inplace=True)
from sklearn.model_selection import cross_val_score, GridSearchCV
from sklearn.linear_model import ElasticNet
grids = GridSearchCV(ElasticNet(), param_grid={'alpha': np.linspace(0, 1, 6), 'l1_ratio': np.linspace(0, 1, 11)})
grids.fit(df.loc[:, df.columns != 'ActualTOW'], df['ActualTOW'])
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/model_selection/_validation.py:598: UserWarning: With alpha=0, this algorithm does not converge well. You are advised to use the LinearRegression estimator
estimator.fit(X_train, y_train, **fit_params)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: UserWarning: Coordinate descent with no regularization may lead to unexpected results and is discouraged.
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: ConvergenceWarning: Objective did not converge. You might want to increase the number of iterations. Duality gap: 21579651655.133568, tolerance: 26954076.12437174
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/model_selection/_validation.py:598: UserWarning: With alpha=0, this algorithm does not converge well. You are advised to use the LinearRegression estimator
estimator.fit(X_train, y_train, **fit_params)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: UserWarning: Coordinate descent with no regularization may lead to unexpected results and is discouraged.
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: ConvergenceWarning: Objective did not converge. You might want to increase the number of iterations. Duality gap: 21649777887.16265, tolerance: 24498714.27224024
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/model_selection/_validation.py:598: UserWarning: With alpha=0, this algorithm does not converge well. You are advised to use the LinearRegression estimator
estimator.fit(X_train, y_train, **fit_params)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: UserWarning: Coordinate descent with no regularization may lead to unexpected results and is discouraged.
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: ConvergenceWarning: Objective did not converge. You might want to increase the number of iterations. Duality gap: 22652964159.86613, tolerance: 27016985.715079512
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/model_selection/_validation.py:598: UserWarning: With alpha=0, this algorithm does not converge well. You are advised to use the LinearRegression estimator
estimator.fit(X_train, y_train, **fit_params)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: UserWarning: Coordinate descent with no regularization may lead to unexpected results and is discouraged.
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: ConvergenceWarning: Objective did not converge. You might want to increase the number of iterations. Duality gap: 22318649076.170937, tolerance: 24931338.459845807
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/model_selection/_validation.py:598: UserWarning: With alpha=0, this algorithm does not converge well. You are advised to use the LinearRegression estimator
estimator.fit(X_train, y_train, **fit_params)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: UserWarning: Coordinate descent with no regularization may lead to unexpected results and is discouraged.
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: ConvergenceWarning: Objective did not converge. You might want to increase the number of iterations. Duality gap: 21588284469.151894, tolerance: 27174589.67288934
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/model_selection/_validation.py:598: UserWarning: With alpha=0, this algorithm does not converge well. You are advised to use the LinearRegression estimator
estimator.fit(X_train, y_train, **fit_params)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: UserWarning: Coordinate descent with no regularization may lead to unexpected results and is discouraged.
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: ConvergenceWarning: Objective did not converge. You might want to increase the number of iterations. Duality gap: 21579651655.133568, tolerance: 26954076.12437174
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/model_selection/_validation.py:598: UserWarning: With alpha=0, this algorithm does not converge well. You are advised to use the LinearRegression estimator
estimator.fit(X_train, y_train, **fit_params)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: UserWarning: Coordinate descent with no regularization may lead to unexpected results and is discouraged.
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: ConvergenceWarning: Objective did not converge. You might want to increase the number of iterations. Duality gap: 21649777887.16265, tolerance: 24498714.27224024
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/model_selection/_validation.py:598: UserWarning: With alpha=0, this algorithm does not converge well. You are advised to use the LinearRegression estimator
estimator.fit(X_train, y_train, **fit_params)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: UserWarning: Coordinate descent with no regularization may lead to unexpected results and is discouraged.
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: ConvergenceWarning: Objective did not converge. You might want to increase the number of iterations. Duality gap: 22652964159.86613, tolerance: 27016985.715079512
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/model_selection/_validation.py:598: UserWarning: With alpha=0, this algorithm does not converge well. You are advised to use the LinearRegression estimator
estimator.fit(X_train, y_train, **fit_params)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: UserWarning: Coordinate descent with no regularization may lead to unexpected results and is discouraged.
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: ConvergenceWarning: Objective did not converge. You might want to increase the number of iterations. Duality gap: 22318649076.170937, tolerance: 24931338.459845807
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/model_selection/_validation.py:598: UserWarning: With alpha=0, this algorithm does not converge well. You are advised to use the LinearRegression estimator
estimator.fit(X_train, y_train, **fit_params)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: UserWarning: Coordinate descent with no regularization may lead to unexpected results and is discouraged.
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: ConvergenceWarning: Objective did not converge. You might want to increase the number of iterations. Duality gap: 21588284469.151894, tolerance: 27174589.67288934
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/model_selection/_validation.py:598: UserWarning: With alpha=0, this algorithm does not converge well. You are advised to use the LinearRegression estimator
estimator.fit(X_train, y_train, **fit_params)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: UserWarning: Coordinate descent with no regularization may lead to unexpected results and is discouraged.
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: ConvergenceWarning: Objective did not converge. You might want to increase the number of iterations. Duality gap: 21579651655.133568, tolerance: 26954076.12437174
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/model_selection/_validation.py:598: UserWarning: With alpha=0, this algorithm does not converge well. You are advised to use the LinearRegression estimator
estimator.fit(X_train, y_train, **fit_params)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: UserWarning: Coordinate descent with no regularization may lead to unexpected results and is discouraged.
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: ConvergenceWarning: Objective did not converge. You might want to increase the number of iterations. Duality gap: 21649777887.16265, tolerance: 24498714.27224024
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/model_selection/_validation.py:598: UserWarning: With alpha=0, this algorithm does not converge well. You are advised to use the LinearRegression estimator
estimator.fit(X_train, y_train, **fit_params)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: UserWarning: Coordinate descent with no regularization may lead to unexpected results and is discouraged.
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: ConvergenceWarning: Objective did not converge. You might want to increase the number of iterations. Duality gap: 22652964159.86613, tolerance: 27016985.715079512
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/model_selection/_validation.py:598: UserWarning: With alpha=0, this algorithm does not converge well. You are advised to use the LinearRegression estimator
estimator.fit(X_train, y_train, **fit_params)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: UserWarning: Coordinate descent with no regularization may lead to unexpected results and is discouraged.
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: ConvergenceWarning: Objective did not converge. You might want to increase the number of iterations. Duality gap: 22318649076.170937, tolerance: 24931338.459845807
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/model_selection/_validation.py:598: UserWarning: With alpha=0, this algorithm does not converge well. You are advised to use the LinearRegression estimator
estimator.fit(X_train, y_train, **fit_params)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: UserWarning: Coordinate descent with no regularization may lead to unexpected results and is discouraged.
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: ConvergenceWarning: Objective did not converge. You might want to increase the number of iterations. Duality gap: 21588284469.151894, tolerance: 27174589.67288934
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/model_selection/_validation.py:598: UserWarning: With alpha=0, this algorithm does not converge well. You are advised to use the LinearRegression estimator
estimator.fit(X_train, y_train, **fit_params)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: UserWarning: Coordinate descent with no regularization may lead to unexpected results and is discouraged.
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: ConvergenceWarning: Objective did not converge. You might want to increase the number of iterations. Duality gap: 21579651655.133568, tolerance: 26954076.12437174
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/model_selection/_validation.py:598: UserWarning: With alpha=0, this algorithm does not converge well. You are advised to use the LinearRegression estimator
estimator.fit(X_train, y_train, **fit_params)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: UserWarning: Coordinate descent with no regularization may lead to unexpected results and is discouraged.
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: ConvergenceWarning: Objective did not converge. You might want to increase the number of iterations. Duality gap: 21649777887.16265, tolerance: 24498714.27224024
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/model_selection/_validation.py:598: UserWarning: With alpha=0, this algorithm does not converge well. You are advised to use the LinearRegression estimator
estimator.fit(X_train, y_train, **fit_params)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: UserWarning: Coordinate descent with no regularization may lead to unexpected results and is discouraged.
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: ConvergenceWarning: Objective did not converge. You might want to increase the number of iterations. Duality gap: 22652964159.86613, tolerance: 27016985.715079512
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/model_selection/_validation.py:598: UserWarning: With alpha=0, this algorithm does not converge well. You are advised to use the LinearRegression estimator
estimator.fit(X_train, y_train, **fit_params)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: UserWarning: Coordinate descent with no regularization may lead to unexpected results and is discouraged.
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: ConvergenceWarning: Objective did not converge. You might want to increase the number of iterations. Duality gap: 22318649076.170937, tolerance: 24931338.459845807
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/model_selection/_validation.py:598: UserWarning: With alpha=0, this algorithm does not converge well. You are advised to use the LinearRegression estimator
estimator.fit(X_train, y_train, **fit_params)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: UserWarning: Coordinate descent with no regularization may lead to unexpected results and is discouraged.
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: ConvergenceWarning: Objective did not converge. You might want to increase the number of iterations. Duality gap: 21588284469.151894, tolerance: 27174589.67288934
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/model_selection/_validation.py:598: UserWarning: With alpha=0, this algorithm does not converge well. You are advised to use the LinearRegression estimator
estimator.fit(X_train, y_train, **fit_params)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: UserWarning: Coordinate descent with no regularization may lead to unexpected results and is discouraged.
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: ConvergenceWarning: Objective did not converge. You might want to increase the number of iterations. Duality gap: 21579651655.133568, tolerance: 26954076.12437174
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/model_selection/_validation.py:598: UserWarning: With alpha=0, this algorithm does not converge well. You are advised to use the LinearRegression estimator
estimator.fit(X_train, y_train, **fit_params)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: UserWarning: Coordinate descent with no regularization may lead to unexpected results and is discouraged.
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: ConvergenceWarning: Objective did not converge. You might want to increase the number of iterations. Duality gap: 21649777887.16265, tolerance: 24498714.27224024
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/model_selection/_validation.py:598: UserWarning: With alpha=0, this algorithm does not converge well. You are advised to use the LinearRegression estimator
estimator.fit(X_train, y_train, **fit_params)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: UserWarning: Coordinate descent with no regularization may lead to unexpected results and is discouraged.
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: ConvergenceWarning: Objective did not converge. You might want to increase the number of iterations. Duality gap: 22652964159.86613, tolerance: 27016985.715079512
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/model_selection/_validation.py:598: UserWarning: With alpha=0, this algorithm does not converge well. You are advised to use the LinearRegression estimator
estimator.fit(X_train, y_train, **fit_params)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: UserWarning: Coordinate descent with no regularization may lead to unexpected results and is discouraged.
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: ConvergenceWarning: Objective did not converge. You might want to increase the number of iterations. Duality gap: 22318649076.170937, tolerance: 24931338.459845807
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/model_selection/_validation.py:598: UserWarning: With alpha=0, this algorithm does not converge well. You are advised to use the LinearRegression estimator
estimator.fit(X_train, y_train, **fit_params)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: UserWarning: Coordinate descent with no regularization may lead to unexpected results and is discouraged.
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: ConvergenceWarning: Objective did not converge. You might want to increase the number of iterations. Duality gap: 21588284469.151894, tolerance: 27174589.67288934
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/model_selection/_validation.py:598: UserWarning: With alpha=0, this algorithm does not converge well. You are advised to use the LinearRegression estimator
estimator.fit(X_train, y_train, **fit_params)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: UserWarning: Coordinate descent with no regularization may lead to unexpected results and is discouraged.
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: ConvergenceWarning: Objective did not converge. You might want to increase the number of iterations. Duality gap: 21579651655.133568, tolerance: 26954076.12437174
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/model_selection/_validation.py:598: UserWarning: With alpha=0, this algorithm does not converge well. You are advised to use the LinearRegression estimator
estimator.fit(X_train, y_train, **fit_params)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: UserWarning: Coordinate descent with no regularization may lead to unexpected results and is discouraged.
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: ConvergenceWarning: Objective did not converge. You might want to increase the number of iterations. Duality gap: 21649777887.16265, tolerance: 24498714.27224024
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/model_selection/_validation.py:598: UserWarning: With alpha=0, this algorithm does not converge well. You are advised to use the LinearRegression estimator
estimator.fit(X_train, y_train, **fit_params)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: UserWarning: Coordinate descent with no regularization may lead to unexpected results and is discouraged.
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: ConvergenceWarning: Objective did not converge. You might want to increase the number of iterations. Duality gap: 22652964159.86613, tolerance: 27016985.715079512
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/model_selection/_validation.py:598: UserWarning: With alpha=0, this algorithm does not converge well. You are advised to use the LinearRegression estimator
estimator.fit(X_train, y_train, **fit_params)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: UserWarning: Coordinate descent with no regularization may lead to unexpected results and is discouraged.
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: ConvergenceWarning: Objective did not converge. You might want to increase the number of iterations. Duality gap: 22318649076.170937, tolerance: 24931338.459845807
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/model_selection/_validation.py:598: UserWarning: With alpha=0, this algorithm does not converge well. You are advised to use the LinearRegression estimator
estimator.fit(X_train, y_train, **fit_params)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: UserWarning: Coordinate descent with no regularization may lead to unexpected results and is discouraged.
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: ConvergenceWarning: Objective did not converge. You might want to increase the number of iterations. Duality gap: 21588284469.151894, tolerance: 27174589.67288934
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/model_selection/_validation.py:598: UserWarning: With alpha=0, this algorithm does not converge well. You are advised to use the LinearRegression estimator
estimator.fit(X_train, y_train, **fit_params)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: UserWarning: Coordinate descent with no regularization may lead to unexpected results and is discouraged.
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: ConvergenceWarning: Objective did not converge. You might want to increase the number of iterations. Duality gap: 21579651655.133568, tolerance: 26954076.12437174
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/model_selection/_validation.py:598: UserWarning: With alpha=0, this algorithm does not converge well. You are advised to use the LinearRegression estimator
estimator.fit(X_train, y_train, **fit_params)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: UserWarning: Coordinate descent with no regularization may lead to unexpected results and is discouraged.
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: ConvergenceWarning: Objective did not converge. You might want to increase the number of iterations. Duality gap: 21649777887.16265, tolerance: 24498714.27224024
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/model_selection/_validation.py:598: UserWarning: With alpha=0, this algorithm does not converge well. You are advised to use the LinearRegression estimator
estimator.fit(X_train, y_train, **fit_params)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: UserWarning: Coordinate descent with no regularization may lead to unexpected results and is discouraged.
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: ConvergenceWarning: Objective did not converge. You might want to increase the number of iterations. Duality gap: 22652964159.86613, tolerance: 27016985.715079512
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/model_selection/_validation.py:598: UserWarning: With alpha=0, this algorithm does not converge well. You are advised to use the LinearRegression estimator
estimator.fit(X_train, y_train, **fit_params)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: UserWarning: Coordinate descent with no regularization may lead to unexpected results and is discouraged.
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: ConvergenceWarning: Objective did not converge. You might want to increase the number of iterations. Duality gap: 22318649076.170937, tolerance: 24931338.459845807
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/model_selection/_validation.py:598: UserWarning: With alpha=0, this algorithm does not converge well. You are advised to use the LinearRegression estimator
estimator.fit(X_train, y_train, **fit_params)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: UserWarning: Coordinate descent with no regularization may lead to unexpected results and is discouraged.
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: ConvergenceWarning: Objective did not converge. You might want to increase the number of iterations. Duality gap: 21588284469.151894, tolerance: 27174589.67288934
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/model_selection/_validation.py:598: UserWarning: With alpha=0, this algorithm does not converge well. You are advised to use the LinearRegression estimator
estimator.fit(X_train, y_train, **fit_params)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: UserWarning: Coordinate descent with no regularization may lead to unexpected results and is discouraged.
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: ConvergenceWarning: Objective did not converge. You might want to increase the number of iterations. Duality gap: 21579651655.133568, tolerance: 26954076.12437174
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/model_selection/_validation.py:598: UserWarning: With alpha=0, this algorithm does not converge well. You are advised to use the LinearRegression estimator
estimator.fit(X_train, y_train, **fit_params)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: UserWarning: Coordinate descent with no regularization may lead to unexpected results and is discouraged.
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: ConvergenceWarning: Objective did not converge. You might want to increase the number of iterations. Duality gap: 21649777887.16265, tolerance: 24498714.27224024
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/model_selection/_validation.py:598: UserWarning: With alpha=0, this algorithm does not converge well. You are advised to use the LinearRegression estimator
estimator.fit(X_train, y_train, **fit_params)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: UserWarning: Coordinate descent with no regularization may lead to unexpected results and is discouraged.
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: ConvergenceWarning: Objective did not converge. You might want to increase the number of iterations. Duality gap: 22652964159.86613, tolerance: 27016985.715079512
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/model_selection/_validation.py:598: UserWarning: With alpha=0, this algorithm does not converge well. You are advised to use the LinearRegression estimator
estimator.fit(X_train, y_train, **fit_params)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: UserWarning: Coordinate descent with no regularization may lead to unexpected results and is discouraged.
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: ConvergenceWarning: Objective did not converge. You might want to increase the number of iterations. Duality gap: 22318649076.170937, tolerance: 24931338.459845807
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/model_selection/_validation.py:598: UserWarning: With alpha=0, this algorithm does not converge well. You are advised to use the LinearRegression estimator
estimator.fit(X_train, y_train, **fit_params)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: UserWarning: Coordinate descent with no regularization may lead to unexpected results and is discouraged.
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: ConvergenceWarning: Objective did not converge. You might want to increase the number of iterations. Duality gap: 21588284469.151894, tolerance: 27174589.67288934
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/model_selection/_validation.py:598: UserWarning: With alpha=0, this algorithm does not converge well. You are advised to use the LinearRegression estimator
estimator.fit(X_train, y_train, **fit_params)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: UserWarning: Coordinate descent with no regularization may lead to unexpected results and is discouraged.
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: ConvergenceWarning: Objective did not converge. You might want to increase the number of iterations. Duality gap: 21579651655.133568, tolerance: 26954076.12437174
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/model_selection/_validation.py:598: UserWarning: With alpha=0, this algorithm does not converge well. You are advised to use the LinearRegression estimator
estimator.fit(X_train, y_train, **fit_params)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: UserWarning: Coordinate descent with no regularization may lead to unexpected results and is discouraged.
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: ConvergenceWarning: Objective did not converge. You might want to increase the number of iterations. Duality gap: 21649777887.16265, tolerance: 24498714.27224024
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/model_selection/_validation.py:598: UserWarning: With alpha=0, this algorithm does not converge well. You are advised to use the LinearRegression estimator
estimator.fit(X_train, y_train, **fit_params)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: UserWarning: Coordinate descent with no regularization may lead to unexpected results and is discouraged.
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: ConvergenceWarning: Objective did not converge. You might want to increase the number of iterations. Duality gap: 22652964159.86613, tolerance: 27016985.715079512
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/model_selection/_validation.py:598: UserWarning: With alpha=0, this algorithm does not converge well. You are advised to use the LinearRegression estimator
estimator.fit(X_train, y_train, **fit_params)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: UserWarning: Coordinate descent with no regularization may lead to unexpected results and is discouraged.
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: ConvergenceWarning: Objective did not converge. You might want to increase the number of iterations. Duality gap: 22318649076.170937, tolerance: 24931338.459845807
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/model_selection/_validation.py:598: UserWarning: With alpha=0, this algorithm does not converge well. You are advised to use the LinearRegression estimator
estimator.fit(X_train, y_train, **fit_params)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: UserWarning: Coordinate descent with no regularization may lead to unexpected results and is discouraged.
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: ConvergenceWarning: Objective did not converge. You might want to increase the number of iterations. Duality gap: 21588284469.151894, tolerance: 27174589.67288934
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/model_selection/_validation.py:598: UserWarning: With alpha=0, this algorithm does not converge well. You are advised to use the LinearRegression estimator
estimator.fit(X_train, y_train, **fit_params)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: UserWarning: Coordinate descent with no regularization may lead to unexpected results and is discouraged.
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: ConvergenceWarning: Objective did not converge. You might want to increase the number of iterations. Duality gap: 21579651655.133568, tolerance: 26954076.12437174
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/model_selection/_validation.py:598: UserWarning: With alpha=0, this algorithm does not converge well. You are advised to use the LinearRegression estimator
estimator.fit(X_train, y_train, **fit_params)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: UserWarning: Coordinate descent with no regularization may lead to unexpected results and is discouraged.
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: ConvergenceWarning: Objective did not converge. You might want to increase the number of iterations. Duality gap: 21649777887.16265, tolerance: 24498714.27224024
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/model_selection/_validation.py:598: UserWarning: With alpha=0, this algorithm does not converge well. You are advised to use the LinearRegression estimator
estimator.fit(X_train, y_train, **fit_params)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: UserWarning: Coordinate descent with no regularization may lead to unexpected results and is discouraged.
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: ConvergenceWarning: Objective did not converge. You might want to increase the number of iterations. Duality gap: 22652964159.86613, tolerance: 27016985.715079512
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/model_selection/_validation.py:598: UserWarning: With alpha=0, this algorithm does not converge well. You are advised to use the LinearRegression estimator
estimator.fit(X_train, y_train, **fit_params)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: UserWarning: Coordinate descent with no regularization may lead to unexpected results and is discouraged.
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: ConvergenceWarning: Objective did not converge. You might want to increase the number of iterations. Duality gap: 22318649076.170937, tolerance: 24931338.459845807
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/model_selection/_validation.py:598: UserWarning: With alpha=0, this algorithm does not converge well. You are advised to use the LinearRegression estimator
estimator.fit(X_train, y_train, **fit_params)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: UserWarning: Coordinate descent with no regularization may lead to unexpected results and is discouraged.
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: ConvergenceWarning: Objective did not converge. You might want to increase the number of iterations. Duality gap: 21588284469.151894, tolerance: 27174589.67288934
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/model_selection/_validation.py:598: UserWarning: With alpha=0, this algorithm does not converge well. You are advised to use the LinearRegression estimator
estimator.fit(X_train, y_train, **fit_params)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: UserWarning: Coordinate descent with no regularization may lead to unexpected results and is discouraged.
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: ConvergenceWarning: Objective did not converge. You might want to increase the number of iterations. Duality gap: 21579651655.133568, tolerance: 26954076.12437174
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/model_selection/_validation.py:598: UserWarning: With alpha=0, this algorithm does not converge well. You are advised to use the LinearRegression estimator
estimator.fit(X_train, y_train, **fit_params)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: UserWarning: Coordinate descent with no regularization may lead to unexpected results and is discouraged.
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: ConvergenceWarning: Objective did not converge. You might want to increase the number of iterations. Duality gap: 21649777887.16265, tolerance: 24498714.27224024
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/model_selection/_validation.py:598: UserWarning: With alpha=0, this algorithm does not converge well. You are advised to use the LinearRegression estimator
estimator.fit(X_train, y_train, **fit_params)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: UserWarning: Coordinate descent with no regularization may lead to unexpected results and is discouraged.
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: ConvergenceWarning: Objective did not converge. You might want to increase the number of iterations. Duality gap: 22652964159.86613, tolerance: 27016985.715079512
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/model_selection/_validation.py:598: UserWarning: With alpha=0, this algorithm does not converge well. You are advised to use the LinearRegression estimator
estimator.fit(X_train, y_train, **fit_params)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: UserWarning: Coordinate descent with no regularization may lead to unexpected results and is discouraged.
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: ConvergenceWarning: Objective did not converge. You might want to increase the number of iterations. Duality gap: 22318649076.170937, tolerance: 24931338.459845807
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/model_selection/_validation.py:598: UserWarning: With alpha=0, this algorithm does not converge well. You are advised to use the LinearRegression estimator
estimator.fit(X_train, y_train, **fit_params)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: UserWarning: Coordinate descent with no regularization may lead to unexpected results and is discouraged.
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: ConvergenceWarning: Objective did not converge. You might want to increase the number of iterations. Duality gap: 21588284469.151894, tolerance: 27174589.67288934
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: ConvergenceWarning: Objective did not converge. You might want to increase the number of iterations. Duality gap: 28070007386.897034, tolerance: 26954076.12437174
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: ConvergenceWarning: Objective did not converge. You might want to increase the number of iterations. Duality gap: 27759440072.167393, tolerance: 24498714.27224024
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: ConvergenceWarning: Objective did not converge. You might want to increase the number of iterations. Duality gap: 28687365659.80801, tolerance: 27016985.715079512
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: ConvergenceWarning: Objective did not converge. You might want to increase the number of iterations. Duality gap: 28429016346.133648, tolerance: 24931338.459845807
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: ConvergenceWarning: Objective did not converge. You might want to increase the number of iterations. Duality gap: 25930265843.03064, tolerance: 27174589.67288934
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: ConvergenceWarning: Objective did not converge. You might want to increase the number of iterations. Duality gap: 28705524255.13355, tolerance: 26954076.12437174
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: ConvergenceWarning: Objective did not converge. You might want to increase the number of iterations. Duality gap: 28322369909.301773, tolerance: 24498714.27224024
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: ConvergenceWarning: Objective did not converge. You might want to increase the number of iterations. Duality gap: 29239495956.208923, tolerance: 27016985.715079512
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: ConvergenceWarning: Objective did not converge. You might want to increase the number of iterations. Duality gap: 28989742980.282627, tolerance: 24931338.459845807
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: ConvergenceWarning: Objective did not converge. You might want to increase the number of iterations. Duality gap: 26253417430.630554, tolerance: 27174589.67288934
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: ConvergenceWarning: Objective did not converge. You might want to increase the number of iterations. Duality gap: 28958510115.427452, tolerance: 26954076.12437174
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: ConvergenceWarning: Objective did not converge. You might want to increase the number of iterations. Duality gap: 28546324909.71491, tolerance: 24498714.27224024
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: ConvergenceWarning: Objective did not converge. You might want to increase the number of iterations. Duality gap: 29459461776.352222, tolerance: 27016985.715079512
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: ConvergenceWarning: Objective did not converge. You might want to increase the number of iterations. Duality gap: 29212686630.664513, tolerance: 24931338.459845807
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: ConvergenceWarning: Objective did not converge. You might want to increase the number of iterations. Duality gap: 26384913941.742916, tolerance: 27174589.67288934
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: ConvergenceWarning: Objective did not converge. You might want to increase the number of iterations. Duality gap: 29101559776.643974, tolerance: 26954076.12437174
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: ConvergenceWarning: Objective did not converge. You might want to increase the number of iterations. Duality gap: 28673688318.00748, tolerance: 24498714.27224024
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: ConvergenceWarning: Objective did not converge. You might want to increase the number of iterations. Duality gap: 29584879701.45709, tolerance: 27016985.715079512
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: ConvergenceWarning: Objective did not converge. You might want to increase the number of iterations. Duality gap: 29339427426.111023, tolerance: 24931338.459845807
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: ConvergenceWarning: Objective did not converge. You might want to increase the number of iterations. Duality gap: 26463282299.56782, tolerance: 27174589.67288934
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: ConvergenceWarning: Objective did not converge. You might want to increase the number of iterations. Duality gap: 29197970167.1581, tolerance: 26954076.12437174
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: ConvergenceWarning: Objective did not converge. You might want to increase the number of iterations. Duality gap: 28760224604.23841, tolerance: 24498714.27224024
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: ConvergenceWarning: Objective did not converge. You might want to increase the number of iterations. Duality gap: 29670354862.196316, tolerance: 27016985.715079512
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: ConvergenceWarning: Objective did not converge. You might want to increase the number of iterations. Duality gap: 29425515021.81805, tolerance: 24931338.459845807
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: ConvergenceWarning: Objective did not converge. You might want to increase the number of iterations. Duality gap: 26519460308.019737, tolerance: 27174589.67288934
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/model_selection/_search.py:880: UserWarning: With alpha=0, this algorithm does not converge well. You are advised to use the LinearRegression estimator
self.best_estimator_.fit(X, y, **fit_params)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: UserWarning: Coordinate descent with no regularization may lead to unexpected results and is discouraged.
positive)
/shared-libs/python3.7/py/lib/python3.7/site-packages/sklearn/linear_model/_coordinate_descent.py:532: ConvergenceWarning: Objective did not converge. You might want to increase the number of iterations. Duality gap: 27463778642.80416, tolerance: 32670540.87637498
positive)
grids.best_estimator_
from sklearn.linear_model import LinearRegression
model = LinearRegression()
cross_val_score(model, df.loc[:, df.columns != 'ActualTOW'], df['ActualTOW'])
from sklearn.ensemble import RandomForestRegressor
grids_forest = GridSearchCV(RandomForestRegressor(), param_grid={'n_estimators': np.linspace(100, 500, 5, dtype='int'), 'max_depth': np.linspace(2, 10, 5, dtype='int')})
grids_forest.fit(df.loc[:, df.columns != 'ActualTOW'], df['ActualTOW'])
grids_forest.best_estimator_
model = RandomForestRegressor(n_estimators=400, max_depth=10)
cross_val_score(model, df.loc[:, df.columns != 'ActualTOW'], df['ActualTOW'])
best_model = RandomForestRegressor(n_estimators=400, max_depth=10)
best_model.fit(df.loc[:, df.columns != 'ActualTOW'], df['ActualTOW'])
test = pd.read_csv('validation.csv', sep='\t')
test.info()
<class 'pandas.core.frame.DataFrame'>
RangeIndex: 1878 entries, 0 to 1877
Data columns (total 13 columns):
# Column Non-Null Count Dtype
--- ------ -------------- -----
0 DepartureDate 1878 non-null object
1 DepartureYear 1878 non-null int64
2 DepartureMonth 1878 non-null int64
3 DepartureDay 1878 non-null int64
4 FlightNumber 1878 non-null int64
5 DepartureAirport 1878 non-null object
6 ArrivalAirport 1878 non-null object
7 Route 1878 non-null object
8 ActualFlightTime 1878 non-null int64
9 ActualTotalFuel 1878 non-null int64
10 FLownPassengers 1878 non-null object
11 BagsCount 1878 non-null object
12 FlightBagsWeight 1878 non-null object
dtypes: int64(6), object(7)
memory usage: 190.9+ KB
test = test[['ActualFlightTime', 'ActualTotalFuel', 'FLownPassengers']]
test.replace('(null)', np.nan, inplace=True)
test.isna().sum()
passengers_median = int(test.loc[~test['FLownPassengers'].isna(), ['FLownPassengers']].astype(int).median())
test.replace({'FLownPassengers': np.nan}, passengers_median, inplace=True)
test['ActualTotalFuel'] = np.log(test['ActualTotalFuel'])
pred = best_model.predict(test)
pd.concat([pd.read_csv('validation.csv', sep='\t'), pd.DataFrame({'ActualTOW': pred})], axis=1).to_csv('validation.csv', sep='\t')